diff --git a/Jenkinsfile b/Jenkinsfile index 08bc8156cff6..3bd1946fe5fb 100644 --- a/Jenkinsfile +++ b/Jenkinsfile @@ -29,6 +29,7 @@ pipeline { sh './reinstall.sh && python -m unittest tests/*.py' } } + stage('Unittests ASR') { steps { sh 'python -m unittest tests/asr/*.py' @@ -61,6 +62,26 @@ pipeline { } } + stage('Parallel NLP-BERT pretraining') { + failFast true + parallel { + stage('BERT on the fly preprocessing') { + steps { + sh 'cd examples/nlp/language_modeling && CUDA_VISIBLE_DEVICES=0 python bert_pretraining.py --amp_opt_level O1 --data_dir /home/mrjenkins/TestData/nlp/wikitext-2 --dataset_name wikitext-2 --work_dir outputs/bert_lm/wikitext2 --batch_size 64 --lr 0.01 --lr_policy CosineAnnealing --lr_warmup_proportion 0.05 --tokenizer sentence-piece --vocab_size 3200 --hidden_size 768 --intermediate_size 3072 --num_hidden_layers 6 --num_attention_heads 12 --hidden_act "gelu" --save_step_freq 200 --sample_size 10000000 --mask_probability 0.15 --short_seq_prob 0.1 --max_steps=300' + sh 'cd examples/nlp/language_modeling && LOSS=$(cat outputs/bert_lm/wikitext2/log_globalrank-0_localrank-0.txt | grep "Loss" |tail -n 1| awk \'{print \$7}\' | egrep -o "[0-9.]+" ) && echo $LOSS && if [ $(echo "$LOSS < 8.0" | bc -l) -eq 1 ]; then echo "SUCCESS" && exit 0; else echo "FAILURE" && exit 1; fi' + sh 'rm -rf examples/nlp/language_modeling/outputs/wikitext2' + } + } + stage('BERT offline preprocessing') { + steps { + sh 'cd examples/nlp/language_modeling && CUDA_VISIBLE_DEVICES=1 python bert_pretraining.py --amp_opt_level O1 --data_dir /home/mrjenkins/TestData/nlp/wiki_book_mini --work_dir outputs/bert_lm/wiki_book --batch_size 8 --config_file /home/mrjenkins/TestData/nlp/bert_configs/uncased_L-12_H-768_A-12.json --save_step_freq 200 --max_steps 300 --num_gpus 1 --batches_per_step 1 --lr_policy SquareRootAnnealing --beta2 0.999 --beta1 0.9 --lr_warmup_proportion 0.01 --optimizer adam_w --weight_decay 0.01 --lr 0.875e-4 --preprocessed_data ' + sh 'cd examples/nlp/language_modeling && LOSS=$(cat outputs/bert_lm/wiki_book/log_globalrank-0_localrank-0.txt | grep "Loss" |tail -n 1| awk \'{print \$7}\' | egrep -o "[0-9.]+" ) && echo $LOSS && if [ $(echo "$LOSS < 15.0" | bc -l) -eq 1 ]; then echo "SUCCESS" && exit 0; else echo "FAILURE" && exit 1; fi' + sh 'rm -rf examples/nlp/language_modeling/outputs/wiki_book' + } + } + } + } + stage('Parallel NLP Examples 1') { failFast true parallel { @@ -85,6 +106,7 @@ pipeline { } } + stage('Parallel NLP Examples 2') { failFast true parallel { @@ -105,7 +127,42 @@ pipeline { } } - stage('Intent Detection/SLot Tagging Examples - Multi-GPU') { + stage('Parallel NLP-Squad') { + failFast true + parallel { + stage('Squad v1.1') { + steps { + sh 'cd examples/nlp/question_answering && CUDA_VISIBLE_DEVICES=0 python question_answering_squad.py --amp_opt_level O1 --train_file /home/mrjenkins/TestData/nlp/squad_mini/v1.1/train-v1.1.json --dev_file /home/mrjenkins/TestData/nlp/squad_mini/v1.1/dev-v1.1.json --work_dir outputs/squadv1 --batch_size 8 --save_step_freq 300 --num_epochs 3 --lr_policy WarmupAnnealing --lr 3e-5 --do_lower_case' + sh 'cd examples/nlp/question_answering && FSCORE=$(cat outputs/squadv1/log_globalrank-0_localrank-0.txt | grep "f1" |tail -n 1 |egrep -o "[0-9.]+"|tail -n 1 ) && echo $FSCORE && if [ $(echo "$FSCORE > 50.0" | bc -l) -eq 1 ]; then echo "SUCCESS" && exit 0; else echo "FAILURE" && exit 1; fi' + sh 'rm -rf examples/nlp/question_answering/outputs/squadv1 && rm -rf /home/mrjenkins/TestData/nlp/squad_mini/v1.1/*cache*' + } + } + stage('Squad v2.0') { + steps { + sh 'cd examples/nlp/question_answering && CUDA_VISIBLE_DEVICES=1 python question_answering_squad.py --amp_opt_level O1 --train_file /home/mrjenkins/TestData/nlp/squad_mini/v2.0/train-v2.0.json --dev_file /home/mrjenkins/TestData/nlp/squad_mini/v2.0/dev-v2.0.json --work_dir outputs/squadv2 --batch_size 8 --save_step_freq 300 --num_epochs 3 --lr_policy WarmupAnnealing --lr 3e-5 --do_lower_case --version_2_with_negative' + sh 'cd examples/nlp/question_answering && FSCORE=$(cat outputs/squadv2/log_globalrank-0_localrank-0.txt | grep "f1" |tail -n 1 |egrep -o "[0-9.]+"|tail -n 1 ) && echo $FSCORE && if [ $(echo "$FSCORE > 50.0" | bc -l) -eq 1 ]; then echo "SUCCESS" && exit 0; else echo "FAILURE" && exit 1; fi' + sh 'rm -rf examples/nlp/question_answering/outputs/squadv2 && rm -rf /home/mrjenkins/TestData/nlp/squad_mini/v2.0/*cache*' + } + } + } + } + + + + stage('NLP-ASR processing') { + failFast true + parallel { + stage('asr_processing') { + steps { + sh 'cd examples/nlp/asr_postprocessor && CUDA_VISIBLE_DEVICES=0,1 python -m torch.distributed.launch --nproc_per_node=2 asr_postprocessor.py --data_dir=/home/mrjenkins/TestData/nlp/asr_postprocessor/pred_real --restore_from=/home/mrjenkins/TestData/nlp/asr_postprocessor/bert-base-uncased_decoder.pt --max_steps=50 --batch_size=512' + sh 'cd examples/nlp/asr_postprocessor && WER=$(cat outputs/asr_postprocessor/log_globalrank-0_localrank-0.txt | grep "Validation WER" | tail -n 1 | egrep -o "[0-9.]+" | tail -n 1) && echo $WER && if [ $(echo "$WER < 2.0" | bc -l) -eq 1 ]; then echo "SUCCESS" && exit 0; else echo "FAILURE" && exit 1; fi' + sh 'rm -rf examples/nlp/asr_postprocessor/outputs' + } + } + } + } + + stage('NLP-Intent Detection/SLot Tagging Examples - Multi-GPU') { failFast true steps { sh 'cd examples/nlp/intent_detection_slot_tagging && CUDA_VISIBLE_DEVICES=0,1 python -m torch.distributed.launch --nproc_per_node=2 joint_intent_slot_with_bert.py --num_gpus=2 --num_epochs=1 --max_seq_length=50 --dataset_name=jarvis-retail --data_dir=/home/mrjenkins/TestData/nlp/retail/ --eval_file_prefix=eval --batch_size=10 --num_train_samples=-1 --do_lower_case --shuffle_data --work_dir=outputs' @@ -115,7 +172,7 @@ pipeline { } } - stage('NMT Example') { + stage('NLP-NMT Example') { failFast true steps { sh 'cd examples/nlp/neural_machine_translation/ && CUDA_VISIBLE_DEVICES=0 python machine_translation_tutorial.py --max_steps 100' @@ -170,7 +227,7 @@ pipeline { failFast true steps { sh 'cd examples/tts && CUDA_VISIBLE_DEVICES=0,1 python -m torch.distributed.launch --nproc_per_node=2 tacotron2.py --max_steps=51 --model_config=configs/tacotron2.yaml --train_dataset=/home/mrjenkins/TestData/an4_dataset/an4_train.json --amp_opt_level=O1 --eval_freq=50' - sh 'cd examples/tts && TTS_CHECKPOINT_DIR=$(ls | grep "Tacotron2") && echo $TTS_CHECKPOINT_DIR && LOSS=$(cat $TTS_CHECKPOINT_DIR/log_globalrank-0_localrank-0.txt | grep -o -E "Loss[ :0-9.]+" | grep -o -E "[0-9.]+" | tail -n 1) && echo $LOSS && if [ $(echo "$LOSS > 3.0" | bc -l) -eq 1 ]; then echo "FAILURE" && exit 1; else echo "SUCCESS"; fi' + sh 'cd examples/tts && TTS_CHECKPOINT_DIR=$(ls | grep "Tacotron2") && echo $TTS_CHECKPOINT_DIR && LOSS=$(cat $TTS_CHECKPOINT_DIR/log_globalrank-0_localrank-0.txt | grep -o -E "Loss[ :0-9.]+" | grep -o -E "[0-9.]+" | tail -n 1) && echo $LOSS && if [ $(echo "$LOSS < 3.0" | bc -l) -eq 1 ]; then echo "SUCCESS" && exit 0; else echo "FAILURE" && exit 1; fi' // sh 'cd examples/tts && TTS_CHECKPOINT_DIR=$(ls | grep "Tacotron2") && cp ../asr/multi_gpu/checkpoints/* $TTS_CHECKPOINT_DIR/checkpoints' // sh 'CUDA_VISIBLE_DEVICES=0 python tacotron2_an4_test.py --model_config=configs/tacotron2.yaml --eval_dataset=/home/mrjenkins/TestData/an4_dataset/an4_train.json --jasper_model_config=../asr/configs/jasper_an4.yaml --load_dir=$TTS_CHECKPOINT_DIR/checkpoints' } diff --git a/examples/nlp/asr_postprocesser/asr_postprocessor.py b/examples/nlp/asr_postprocessor/asr_postprocessor.py similarity index 97% rename from examples/nlp/asr_postprocesser/asr_postprocessor.py rename to examples/nlp/asr_postprocessor/asr_postprocessor.py index 483516621de8..7a7f13879c3b 100644 --- a/examples/nlp/asr_postprocesser/asr_postprocessor.py +++ b/examples/nlp/asr_postprocessor/asr_postprocessor.py @@ -66,7 +66,7 @@ parser.add_argument("--beam_size", default=4, type=int) parser.add_argument("--len_pen", default=0.0, type=float) parser.add_argument( - "--restore_from", dest="restore_from", type=str, default="../../scripts/bert-base-uncased_decoder.pt" + "--restore_from", dest="restore_from", type=str, default="../../../scripts/bert-base-uncased_decoder.pt" ) args = parser.parse_args() @@ -207,6 +207,11 @@ def print_loss(x): callbacks=callbacks, optimizer=args.optimizer, lr_policy=lr_policy, - optimization_params={"num_epochs": 300, "lr": args.lr, "weight_decay": args.weight_decay}, + optimization_params={ + "num_epochs": 300, + "max_steps": args.max_steps, + "lr": args.lr, + "weight_decay": args.weight_decay, + }, batches_per_step=args.iter_per_step, ) diff --git a/examples/nlp/intent_detection_slot_tagging/joint_intent_slot_infer.py b/examples/nlp/intent_detection_slot_tagging/joint_intent_slot_infer.py index 942d1c98bd0d..5fd3bdce58ae 100644 --- a/examples/nlp/intent_detection_slot_tagging/joint_intent_slot_infer.py +++ b/examples/nlp/intent_detection_slot_tagging/joint_intent_slot_infer.py @@ -51,7 +51,7 @@ See the list of pretrained models, call: nemo_nlp.huggingface.BERT.list_pretrained_models() """ -pretrained_bert_model = nemo.collections.nlp.nm.trainables.common.huggingface.BERT( +pretrained_bert_model = nemo.collections.nlp.nm.trainables.huggingface.BERT( pretrained_model_name=args.pretrained_bert_model ) hidden_size = pretrained_bert_model.hidden_size diff --git a/examples/nlp/intent_detection_slot_tagging/joint_intent_slot_with_bert.py b/examples/nlp/intent_detection_slot_tagging/joint_intent_slot_with_bert.py index f700a21f7943..98a060f24ea0 100644 --- a/examples/nlp/intent_detection_slot_tagging/joint_intent_slot_with_bert.py +++ b/examples/nlp/intent_detection_slot_tagging/joint_intent_slot_with_bert.py @@ -87,12 +87,10 @@ nemo_nlp.huggingface.BERT.list_pretrained_models() """ if args.bert_checkpoint and args.bert_config: - pretrained_bert_model = nemo.collections.nlp.nm.trainables.common.huggingface.BERT( - config_filename=args.bert_config - ) + pretrained_bert_model = nemo.collections.nlp.nm.trainables.huggingface.BERT(config_filename=args.bert_config) pretrained_bert_model.restore_from(args.bert_checkpoint) else: - pretrained_bert_model = nemo.collections.nlp.nm.trainables.common.huggingface.BERT( + pretrained_bert_model = nemo.collections.nlp.nm.trainables.huggingface.BERT( pretrained_model_name=args.pretrained_bert_model ) diff --git a/examples/nlp/language_modeling/bert_pretraining.py b/examples/nlp/language_modeling/bert_pretraining.py index 046814231296..be6cafde739c 100644 --- a/examples/nlp/language_modeling/bert_pretraining.py +++ b/examples/nlp/language_modeling/bert_pretraining.py @@ -146,7 +146,7 @@ log_dir=args.work_dir, create_tb_writer=True, files_to_copy=[__file__], - add_time_to_log_dir=True, + add_time_to_log_dir=False, ) if args.config_file is not None: @@ -318,7 +318,6 @@ def create_pipeline(data_file, batch_size, preprocessed_data=False, batches_per_ optimization_params['num_epochs'] = args.num_epochs else: optimization_params['max_steps'] = args.max_steps - nf.train( tensors_to_optimize=[train_loss], lr_policy=lr_policy_fn, diff --git a/examples/nlp/question_answering/question_answering_squad.py b/examples/nlp/question_answering/question_answering_squad.py index 44b737d57cab..8b2104805932 100755 --- a/examples/nlp/question_answering/question_answering_squad.py +++ b/examples/nlp/question_answering/question_answering_squad.py @@ -24,7 +24,8 @@ To finetune Squad v1.1 on pretrained BERT large uncased on 1 GPU: python question_answering_squad.py ---data_dir /path_to_data_dir/squad/v1.1 +--train_file /path_to_data_dir/squad/v1.1/train-v1.1.json +--dev_file /path_to_data_dir/squad/v1.1/dev-v1.1.json --work_dir /path_to_output_folder --bert_checkpoint /path_to_bert_checkpoint --amp_opt_level "O1" @@ -43,7 +44,8 @@ To finetune Squad v1.1 on pretrained BERT large uncased on 8 GPU: python -m torch.distributed.launch --nproc_per_node=8 question_answering_squad.py --amp_opt_level "O1" ---data_dir /path_to_data_dir/squad/v1.1 +--train_file /path_to_data_dir/squad/v1.1/train-v1.1.json +--dev_file /path_to_data_dir/squad/v1.1/dev-v1.1.json --bert_checkpoint /path_to_bert_checkpoint --batch_size 3 --num_gpus 8 @@ -74,12 +76,10 @@ def parse_args(): parser = argparse.ArgumentParser(description="Squad_with_pretrained_BERT") parser.add_argument( - "--data_dir", - type=str, - required=True, - help="The input data dir. Should contain " - "train.*.json, dev.*.json files " - "(or other data files) for the task.", + "--train_file", type=str, help="The training data file. Should be *.json", + ) + parser.add_argument( + "--dev_file", type=str, required=True, help="The evaluation data file. Should be *.json", ) parser.add_argument( "--pretrained_bert_model", default="bert-base-uncased", type=str, help="Name of the pre-trained model" @@ -202,7 +202,7 @@ def parse_args(): def create_pipeline( - data_dir, + data_file, model, head, loss_fn, @@ -220,7 +220,7 @@ def create_pipeline( version_2_with_negative=version_2_with_negative, batch_size=batch_size, tokenizer=tokenizer, - data_dir=data_dir, + data_file=data_file, max_query_length=max_query_length, max_seq_length=max_seq_length, doc_stride=doc_stride, @@ -248,13 +248,14 @@ def create_pipeline( if __name__ == "__main__": args = parse_args() - if not os.path.exists(args.data_dir): - raise FileNotFoundError("SQUAD datasets not found. Datasets can be " "obtained using scripts/get_squad.py") - - if not args.version_2_with_negative: - args.work_dir = f'{args.work_dir}/squad1.1' - else: - args.work_dir = f'{args.work_dir}/squad2.0' + if not os.path.exists(args.dev_file): + raise FileNotFoundError( + "eval data not found. Datasets can be " "obtained using examples/nlp/scripts/get_squad.py" + ) + if not args.evaluation_only and not os.path.exists(args.train_file): + raise FileNotFoundError( + "train data not found. Datasets can be " "obtained using examples/nlp/scripts/get_squad.py" + ) # Instantiate neural factory with supported backend nf = nemo_core.NeuralModuleFactory( @@ -264,7 +265,7 @@ def create_pipeline( log_dir=args.work_dir, create_tb_writer=True, files_to_copy=[__file__], - add_time_to_log_dir=True, + add_time_to_log_dir=False, ) if args.tokenizer == "sentencepiece": @@ -303,7 +304,7 @@ def create_pipeline( if not args.evaluation_only: train_loss, train_steps_per_epoch, _, _ = create_pipeline( - data_dir=args.data_dir, + data_file=args.train_file, model=model, head=qa_head, loss_fn=squad_loss, @@ -316,8 +317,9 @@ def create_pipeline( batches_per_step=args.batches_per_step, mode="train", ) + logging.info(f"training step per epoch: {train_steps_per_epoch}") _, _, eval_output, eval_data_layer = create_pipeline( - data_dir=args.data_dir, + data_file=args.dev_file, model=model, head=qa_head, loss_fn=squad_loss, diff --git a/nemo/collections/nlp/data/datasets/qa_squad_dataset.py b/nemo/collections/nlp/data/datasets/qa_squad_dataset.py index bf68e7bb7a55..18109384b099 100644 --- a/nemo/collections/nlp/data/datasets/qa_squad_dataset.py +++ b/nemo/collections/nlp/data/datasets/qa_squad_dataset.py @@ -19,7 +19,6 @@ import json import os import pickle -import sys import numpy as np import torch @@ -56,7 +55,7 @@ class SquadDataset(Dataset): Creates SQuAD dataset for Question Answering. Args: - data_dir (str): Directory that contains train.*.json and dev.*.json. + data_file (str): train.*.json or dev.*.json. tokenizer (obj): Tokenizer object, e.g. NemoBertTokenizer. version_2_with_negative (bool): True if training should allow unanswerable questions. @@ -73,24 +72,20 @@ class SquadDataset(Dataset): """ def __init__( - self, data_dir, tokenizer, doc_stride, max_query_length, max_seq_length, version_2_with_negative, mode + self, data_file, tokenizer, doc_stride, max_query_length, max_seq_length, version_2_with_negative, mode ): self.tokenizer = tokenizer - if not version_2_with_negative: - processor_name = 'SquadV1Processor' - else: - processor_name = 'SquadV2Processor' - self.processor = getattr(sys.modules[__name__], processor_name)() - if mode == "dev": - self.examples = self.processor.get_dev_examples(data_dir=data_dir) - elif mode == "train": - self.examples = self.processor.get_train_examples(data_dir=data_dir) - else: - raise Exception + self.version_2_with_negative = version_2_with_negative + self.processor = SquadProcessor(data_file=data_file, mode=mode) + self.mode = mode + if mode != "dev" and mode != "train": + raise ValueError(f"mode should be either 'train' or 'dev' but got {mode}") + self.examples = self.processor.get_examples() + if mode == "train": cached_train_features_file = ( - data_dir - + '/cache' + data_file + + '_cache' + '_{0}_{1}_{2}_{3}'.format(mode, str(max_seq_length), str(doc_stride), str(max_query_length)) ) @@ -612,63 +607,20 @@ def __init__( class SquadProcessor(DataProcessor): """ Processor for the SQuAD data set. - Overriden by SquadV1Processor and SquadV2Processor, used by the version 1.1 and version 2.0 of SQuAD, respectively. """ - train_file = None - dev_file = None - - def get_train_examples(self, data_dir, filename=None): - """ - Returns the training examples from the data directory. - Args: - data_dir: Directory containing the data files used for - training and evaluating. - filename: None by default, specify this if the training file - has a different name than the original one - which is `train-v1.1.json` and `train-v2.0.json` - for squad versions 1.1 and 2.0 respectively. - """ - if data_dir is None: - data_dir = "" - - if self.train_file is None: - raise ValueError( - "SquadProcessor should be instantiated via \ - SquadV1Processor or SquadV2Processor" - ) - - with open( - os.path.join(data_dir, self.train_file if filename is None else filename), "r", encoding="utf-8" - ) as reader: - input_data = json.load(reader)["data"] - return self._create_examples(input_data, "train") + def __init__(self, data_file, mode): + self.data_file = data_file + self.mode = mode - def get_dev_examples(self, data_dir, filename=None): - """ - Returns the evaluation example from the data directory. - Args: - data_dir: Directory containing the data files used for - training and evaluating. - filename: None by default, specify this if the evaluation file - has a different name than the original one which is - `dev-v1.1.json` and `dev-v2.0.json` for squad - versions 1.1 and 2.0 respectively. - """ - if data_dir is None: - data_dir = "" + def get_examples(self): + if self.data_file is None: + raise ValueError("SquadProcessor should be instantiated") - if self.dev_file is None: - raise ValueError( - "SquadProcessor should be instantiated via \ - SquadV1Processor or SquadV2Processor" - ) - with open( - os.path.join(data_dir, self.dev_file if filename is None else filename), "r", encoding="utf-8" - ) as reader: + with open(self.data_file, "r", encoding="utf-8") as reader: input_data = json.load(reader)["data"] - return self._create_examples(input_data, "dev") + return self._create_examples(input_data, set_type=self.mode) def _create_examples(self, input_data, set_type): examples = [] @@ -710,16 +662,6 @@ def _create_examples(self, input_data, set_type): return examples -class SquadV1Processor(SquadProcessor): - train_file = "train-v1.1.json" - dev_file = "dev-v1.1.json" - - -class SquadV2Processor(SquadProcessor): - train_file = "train-v2.0.json" - dev_file = "dev-v2.0.json" - - class SquadExample(object): """ A single training/test example for the Squad dataset, as loaded from disk. diff --git a/nemo/collections/nlp/nm/data_layers/qa_squad_datalayer.py b/nemo/collections/nlp/nm/data_layers/qa_squad_datalayer.py index 56d912a35a6d..d28e85e8b247 100644 --- a/nemo/collections/nlp/nm/data_layers/qa_squad_datalayer.py +++ b/nemo/collections/nlp/nm/data_layers/qa_squad_datalayer.py @@ -26,7 +26,7 @@ class BertQuestionAnsweringDataLayer(TextDataLayer): Creates the data layer to use for Question Answering classification task. Args: - data_dir (str): Directory that contains train.*.json and dev.*.json. + data_file (str): data file. tokenizer (obj): Tokenizer object, e.g. NemoBertTokenizer. version_2_with_negative (bool): True if training should allow unanswerable questions. @@ -85,7 +85,7 @@ def output_ports(self): def __init__( self, - data_dir, + data_file, tokenizer, version_2_with_negative, doc_stride, @@ -96,7 +96,7 @@ def __init__( dataset_type=SquadDataset, ): dataset_params = { - 'data_dir': data_dir, + 'data_file': data_file, 'mode': mode, 'tokenizer': tokenizer, 'version_2_with_negative': version_2_with_negative, diff --git a/tests/data/nlp/squad/v1.1/dev-v1.1.json b/tests/data/nlp/squad/v1.1/dev-v1.1.json deleted file mode 100644 index f9318e589216..000000000000 --- a/tests/data/nlp/squad/v1.1/dev-v1.1.json +++ /dev/null @@ -1 +0,0 @@ -{"data": [{"title": "Super_Bowl_50", "paragraphs": [{"context": "Super Bowl 50 was an American football game to determine the champion of the National Football League (NFL) for the 2015 season. The American Football Conference (AFC) champion Denver Broncos defeated the National Football Conference (NFC) champion Carolina Panthers 24\u201310 to earn their third Super Bowl title. The game was played on February 7, 2016, at Levi's Stadium in the San Francisco Bay Area at Santa Clara, California. As this was the 50th Super Bowl, the league emphasized the \"golden anniversary\" with various gold-themed initiatives, as well as temporarily suspending the tradition of naming each Super Bowl game with Roman numerals (under which the game would have been known as \"Super Bowl L\"), so that the logo could prominently feature the Arabic numerals 50.", "qas": [{"answers": [{"answer_start": 177, "text": "Denver Broncos"}, {"answer_start": 177, "text": "Denver Broncos"}, {"answer_start": 177, "text": "Denver Broncos"}], "question": "Which NFL team represented the AFC at Super Bowl 50?", "id": "56be4db0acb8001400a502ec"}, {"answers": [{"answer_start": 249, "text": "Carolina Panthers"}, {"answer_start": 249, "text": "Carolina Panthers"}, {"answer_start": 249, "text": "Carolina Panthers"}], "question": "Which NFL team represented the NFC at Super Bowl 50?", "id": "56be4db0acb8001400a502ed"}, {"answers": [{"answer_start": 403, "text": "Santa Clara, California"}, {"answer_start": 355, "text": "Levi's Stadium"}, {"answer_start": 355, "text": "Levi's Stadium in the San Francisco Bay Area at Santa Clara, California."}], "question": "Where did Super Bowl 50 take place?", "id": "56be4db0acb8001400a502ee"}, {"answers": [{"answer_start": 177, "text": "Denver Broncos"}, {"answer_start": 177, "text": "Denver Broncos"}, {"answer_start": 177, "text": "Denver Broncos"}], "question": "Which NFL team won Super Bowl 50?", "id": "56be4db0acb8001400a502ef"}, {"answers": [{"answer_start": 488, "text": "gold"}, {"answer_start": 488, "text": "gold"}, {"answer_start": 521, "text": "gold"}], "question": "What color was used to emphasize the 50th anniversary of the Super Bowl?", "id": "56be4db0acb8001400a502f0"}, {"answers": [{"answer_start": 487, "text": "\"golden anniversary\""}, {"answer_start": 521, "text": "gold-themed"}, {"answer_start": 487, "text": "\"golden anniversary"}], "question": "What was the theme of Super Bowl 50?", "id": "56be8e613aeaaa14008c90d1"}, {"answers": [{"answer_start": 334, "text": "February 7, 2016"}, {"answer_start": 334, "text": "February 7"}, {"answer_start": 334, "text": "February 7, 2016"}], "question": "What day was the game played on?", "id": "56be8e613aeaaa14008c90d2"}, {"answers": [{"answer_start": 133, "text": "American Football Conference"}, {"answer_start": 133, "text": "American Football Conference"}, {"answer_start": 133, "text": "American Football Conference"}], "question": "What is the AFC short for?", "id": "56be8e613aeaaa14008c90d3"}, {"answers": [{"answer_start": 487, "text": "\"golden anniversary\""}, {"answer_start": 521, "text": "gold-themed"}, {"answer_start": 521, "text": "gold"}], "question": "What was the theme of Super Bowl 50?", "id": "56bea9923aeaaa14008c91b9"}, {"answers": [{"answer_start": 133, "text": "American Football Conference"}, {"answer_start": 133, "text": "American Football Conference"}, {"answer_start": 133, "text": "American Football Conference"}], "question": "What does AFC stand for?", "id": "56bea9923aeaaa14008c91ba"}, {"answers": [{"answer_start": 334, "text": "February 7, 2016"}, {"answer_start": 334, "text": "February 7"}, {"answer_start": 334, "text": "February 7, 2016"}], "question": "What day was the Super Bowl played on?", "id": "56bea9923aeaaa14008c91bb"}, {"answers": [{"answer_start": 177, "text": "Denver Broncos"}, {"answer_start": 177, "text": "Denver Broncos"}, {"answer_start": 177, "text": "Denver Broncos"}], "question": "Who won Super Bowl 50?", "id": "56beace93aeaaa14008c91df"}, {"answers": [{"answer_start": 355, "text": "Levi's Stadium"}, {"answer_start": 355, "text": "Levi's Stadium"}, {"answer_start": 355, "text": "Levi's Stadium in the San Francisco Bay Area at Santa Clara"}], "question": "What venue did Super Bowl 50 take place in?", "id": "56beace93aeaaa14008c91e0"}, {"answers": [{"answer_start": 403, "text": "Santa Clara"}, {"answer_start": 403, "text": "Santa Clara"}, {"answer_start": 403, "text": "Santa Clara"}], "question": "What city did Super Bowl 50 take place in?", "id": "56beace93aeaaa14008c91e1"}, {"answers": [{"answer_start": 693, "text": "Super Bowl L"}, {"answer_start": 704, "text": "L"}, {"answer_start": 693, "text": "Super Bowl L"}], "question": "If Roman numerals were used, what would Super Bowl 50 have been called?", "id": "56beace93aeaaa14008c91e2"}, {"answers": [{"answer_start": 116, "text": "2015"}, {"answer_start": 112, "text": "the 2015 season"}, {"answer_start": 116, "text": "2015"}], "question": "Super Bowl 50 decided the NFL champion for what season?", "id": "56beace93aeaaa14008c91e3"}, {"answers": [{"answer_start": 116, "text": "2015"}, {"answer_start": 346, "text": "2016"}, {"answer_start": 116, "text": "2015"}], "question": "What year did the Denver Broncos secure a Super Bowl title for the third time?", "id": "56bf10f43aeaaa14008c94fd"}, {"answers": [{"answer_start": 403, "text": "Santa Clara"}, {"answer_start": 403, "text": "Santa Clara"}, {"answer_start": 403, "text": "Santa Clara"}], "question": "What city did Super Bowl 50 take place in?", "id": "56bf10f43aeaaa14008c94fe"}, {"answers": [{"answer_start": 355, "text": "Levi's Stadium"}, {"answer_start": 355, "text": "Levi's Stadium"}, {"answer_start": 355, "text": "Levi's Stadium"}], "question": "What stadium did Super Bowl 50 take place in?", "id": "56bf10f43aeaaa14008c94ff"}, {"answers": [{"answer_start": 267, "text": "24\u201310"}, {"answer_start": 267, "text": "24\u201310"}, {"answer_start": 267, "text": "24\u201310"}], "question": "What was the final score of Super Bowl 50? ", "id": "56bf10f43aeaaa14008c9500"}, {"answers": [{"answer_start": 334, "text": "February 7, 2016"}, {"answer_start": 334, "text": "February 7, 2016"}, {"answer_start": 334, "text": "February 7, 2016"}], "question": "What month, day and year did Super Bowl 50 take place? ", "id": "56bf10f43aeaaa14008c9501"}, {"answers": [{"answer_start": 116, "text": "2015"}, {"answer_start": 346, "text": "2016"}, {"answer_start": 346, "text": "2016"}], "question": "What year was Super Bowl 50?", "id": "56d20362e7d4791d009025e8"}, {"answers": [{"answer_start": 177, "text": "Denver Broncos"}, {"answer_start": 177, "text": "Denver Broncos"}, {"answer_start": 177, "text": "Denver Broncos"}], "question": "What team was the AFC champion?", "id": "56d20362e7d4791d009025e9"}, {"answers": [{"answer_start": 249, "text": "Carolina Panthers"}, {"answer_start": 249, "text": "Carolina Panthers"}, {"answer_start": 249, "text": "Carolina Panthers"}], "question": "What team was the NFC champion?", "id": "56d20362e7d4791d009025ea"}, {"answers": [{"answer_start": 177, "text": "Denver Broncos"}, {"answer_start": 177, "text": "Denver Broncos"}, {"answer_start": 177, "text": "Denver Broncos"}], "question": "Who won Super Bowl 50?", "id": "56d20362e7d4791d009025eb"}, {"answers": [{"answer_start": 116, "text": "2015"}, {"answer_start": 112, "text": "the 2015 season"}, {"answer_start": 116, "text": "2015"}], "question": "Super Bowl 50 determined the NFL champion for what season?", "id": "56d600e31c85041400946eae"}, {"answers": [{"answer_start": 177, "text": "Denver Broncos"}, {"answer_start": 177, "text": "Denver Broncos"}, {"answer_start": 177, "text": "Denver Broncos"}], "question": "Which team won Super Bowl 50.", "id": "56d600e31c85041400946eb0"}, {"answers": [{"answer_start": 403, "text": "Santa Clara, California."}, {"answer_start": 355, "text": "Levi's Stadium"}, {"answer_start": 355, "text": "Levi's Stadium"}], "question": "Where was Super Bowl 50 held?", "id": "56d600e31c85041400946eb1"}, {"answers": [{"answer_start": 0, "text": "Super Bowl"}, {"answer_start": 0, "text": "Super Bowl"}, {"answer_start": 0, "text": "Super Bowl"}], "question": "The name of the NFL championship game is?", "id": "56d9895ddc89441400fdb50e"}, {"answers": [{"answer_start": 177, "text": "Denver Broncos"}, {"answer_start": 177, "text": "Denver Broncos"}, {"answer_start": 177, "text": "Denver Broncos"}], "question": "What 2015 NFL team one the AFC playoff?", "id": "56d9895ddc89441400fdb510"}]}, {"context": "The Panthers finished the regular season with a 15\u20131 record, and quarterback Cam Newton was named the NFL Most Valuable Player (MVP). They defeated the Arizona Cardinals 49\u201315 in the NFC Championship Game and advanced to their second Super Bowl appearance since the franchise was founded in 1995. The Broncos finished the regular season with a 12\u20134 record, and denied the New England Patriots a chance to defend their title from Super Bowl XLIX by defeating them 20\u201318 in the AFC Championship Game. They joined the Patriots, Dallas Cowboys, and Pittsburgh Steelers as one of four teams that have made eight appearances in the Super Bowl.", "qas": [{"answers": [{"answer_start": 77, "text": "Cam Newton"}, {"answer_start": 77, "text": "Cam Newton"}, {"answer_start": 77, "text": "Cam Newton"}], "question": "Which Carolina Panthers player was named Most Valuable Player?", "id": "56be4e1facb8001400a502f6"}, {"answers": [{"answer_start": 467, "text": "8"}, {"answer_start": 601, "text": "eight"}, {"answer_start": 601, "text": "eight"}], "question": "How many appearances have the Denver Broncos made in the Super Bowl?", "id": "56be4e1facb8001400a502f9"}, {"answers": [{"answer_start": 291, "text": "1995"}, {"answer_start": 291, "text": "1995"}, {"answer_start": 291, "text": "1995"}], "question": "What year was the Carolina Panthers franchise founded?", "id": "56be4e1facb8001400a502fa"}, {"answers": [{"answer_start": 152, "text": "Arizona Cardinals"}, {"answer_start": 148, "text": "the Arizona Cardinals"}, {"answer_start": 152, "text": "Arizona Cardinals"}], "question": "What team did the Panthers defeat?", "id": "56beaa4a3aeaaa14008c91c2"}, {"answers": [{"answer_start": 372, "text": "New England Patriots"}, {"answer_start": 368, "text": "the New England Patriots"}, {"answer_start": 372, "text": "New England Patriots"}], "question": "Who did the Broncos prevent from going to the Super Bowl?", "id": "56beaa4a3aeaaa14008c91c3"}, {"answers": [{"answer_start": 152, "text": "Arizona Cardinals"}, {"answer_start": 148, "text": "the Arizona Cardinals"}, {"answer_start": 152, "text": "Arizona Cardinals"}], "question": "Who did the Panthers beat in the NFC Championship Game?", "id": "56bead5a3aeaaa14008c91e9"}, {"answers": [{"answer_start": 372, "text": "New England Patriots"}, {"answer_start": 368, "text": "the New England Patriots"}, {"answer_start": 372, "text": "New England Patriots"}], "question": "Who lost to the Broncos in the AFC Championship?", "id": "56bead5a3aeaaa14008c91ea"}, {"answers": [{"answer_start": 372, "text": "New England Patriots"}, {"answer_start": 368, "text": "the New England Patriots"}, {"answer_start": 372, "text": "New England Patriots"}], "question": "Who were the defending Super Bowl champions?", "id": "56bead5a3aeaaa14008c91eb"}, {"answers": [{"answer_start": 575, "text": "four"}, {"answer_start": 575, "text": "four"}, {"answer_start": 575, "text": "four"}], "question": "How many teams have been in the Super Bowl eight times?", "id": "56bead5a3aeaaa14008c91ec"}, {"answers": [{"answer_start": 77, "text": "Cam Newton"}, {"answer_start": 77, "text": "Cam Newton"}, {"answer_start": 77, "text": "Cam Newton"}], "question": "Who was this season's NFL MVP?", "id": "56bead5a3aeaaa14008c91ed"}, {"answers": [{"answer_start": 48, "text": "15\u20131"}, {"answer_start": 48, "text": "15\u20131"}, {"answer_start": 48, "text": "15\u20131"}], "question": "What was the win/loss ratio in 2015 for the Carolina Panthers during their regular season?", "id": "56bf159b3aeaaa14008c9507"}, {"answers": [{"answer_start": 77, "text": "Cam Newton"}, {"answer_start": 77, "text": "Cam Newton"}, {"answer_start": 77, "text": "Cam Newton"}], "question": "Which Carolina Panthers team member was picked as the team's MVP in 2015? ", "id": "56bf159b3aeaaa14008c9508"}, {"answers": [{"answer_start": 344, "text": "12\u20134"}, {"answer_start": 344, "text": "12\u20134"}, {"answer_start": 344, "text": "12\u20134"}], "question": "What were the win/loss game stats for the Denver Bronco's regular season in 2015?", "id": "56bf159b3aeaaa14008c9509"}, {"answers": [{"answer_start": 170, "text": "4"}, {"answer_start": 575, "text": "four"}, {"answer_start": 575, "text": "four"}], "question": "How many teams have played in the Super Bowl eight times?", "id": "56bf159b3aeaaa14008c950a"}, {"answers": [{"answer_start": 372, "text": "New England Patriots"}, {"answer_start": 368, "text": "the New England Patriots"}, {"answer_start": 372, "text": "New England Patriots"}], "question": "Which team did not get a chance to defend their Super Bowl XLIX win in Super Bowl 50?", "id": "56bf159b3aeaaa14008c950b"}, {"answers": [{"answer_start": 77, "text": "Cam Newton"}, {"answer_start": 77, "text": "Cam Newton"}, {"answer_start": 77, "text": "Cam Newton"}], "question": "Who is the quarterback for the Panthers?", "id": "56d2045de7d4791d009025f3"}, {"answers": [{"answer_start": 152, "text": "Arizona Cardinals"}, {"answer_start": 148, "text": "the Arizona Cardinals"}, {"answer_start": 152, "text": "Arizona Cardinals"}], "question": "Who did Carolina beat in the NFC championship game?", "id": "56d2045de7d4791d009025f4"}, {"answers": [{"answer_start": 345, "text": "2"}, {"answer_start": 227, "text": "second"}, {"answer_start": 227, "text": "second"}], "question": "How many times have the Panthers been in the Super Bowl?", "id": "56d2045de7d4791d009025f5"}, {"answers": [{"answer_start": 372, "text": "New England Patriots"}, {"answer_start": 368, "text": "the New England Patriots"}, {"answer_start": 372, "text": "New England Patriots"}], "question": "Who did Denver beat in the AFC championship?", "id": "56d2045de7d4791d009025f6"}, {"answers": [{"answer_start": 77, "text": "Cam Newton"}, {"answer_start": 77, "text": "Cam Newton"}, {"answer_start": 77, "text": "Cam Newton"}], "question": "Who was the Most Valuable Player for the 2015 NFL season?", "id": "56d6017d1c85041400946ebe"}, {"answers": [{"answer_start": 372, "text": "New England Patriots"}, {"answer_start": 368, "text": "the New England Patriots"}, {"answer_start": 372, "text": "New England Patriots"}], "question": "Who did Denver beat in the 2015 AFC Championship game?", "id": "56d6017d1c85041400946ec1"}, {"answers": [{"answer_start": 152, "text": "Arizona Cardinals"}, {"answer_start": 148, "text": "the Arizona Cardinals"}, {"answer_start": 152, "text": "Arizona Cardinals"}], "question": "Who did the Carolina Panthers beat in the 2015 NFC Championship game?", "id": "56d6017d1c85041400946ec2"}, {"answers": [{"answer_start": 77, "text": "Cam Newton"}, {"answer_start": 77, "text": "Cam Newton"}, {"answer_start": 77, "text": "Cam Newton"}], "question": "Who was the 2015 NFL MVP?", "id": "56d98a59dc89441400fdb52a"}, {"answers": [{"answer_start": 152, "text": "Arizona Cardinals"}, {"answer_start": 148, "text": "the Arizona Cardinals"}, {"answer_start": 152, "text": "Arizona Cardinals"}], "question": "Who did the Panthers beat to become the NFC champs?", "id": "56d98a59dc89441400fdb52b"}, {"answers": [{"answer_start": 291, "text": "1995."}, {"answer_start": 291, "text": "1995"}, {"answer_start": 291, "text": "1995"}], "question": "What year did the Carolina Panthers form?", "id": "56d98a59dc89441400fdb52e"}]}, {"context": "The Broncos took an early lead in Super Bowl 50 and never trailed. Newton was limited by Denver's defense, which sacked him seven times and forced him into three turnovers, including a fumble which they recovered for a touchdown. Denver linebacker Von Miller was named Super Bowl MVP, recording five solo tackles, 2\u00bd sacks, and two forced fumbles.", "qas": [{"answers": [{"answer_start": 248, "text": "Von Miller"}, {"answer_start": 248, "text": "Von Miller"}, {"answer_start": 252, "text": "Miller"}], "question": "Who was the Super Bowl 50 MVP?", "id": "56be4eafacb8001400a50302"}, {"answers": [{"answer_start": 314, "text": "2"}, {"answer_start": 328, "text": "two"}, {"answer_start": 328, "text": "two"}], "question": "How many fumbles did Von Miller force in Super Bowl 50?", "id": "56be4eafacb8001400a50303"}, {"answers": [{"answer_start": 4, "text": "Broncos"}, {"answer_start": 0, "text": "The Broncos"}, {"answer_start": 4, "text": "Broncos"}], "question": "Which team held the scoring lead throughout the entire game?", "id": "56be4eafacb8001400a50304"}, {"answers": [{"answer_start": 237, "text": "linebacker Von Miller"}, {"answer_start": 248, "text": "Von Miller"}, {"answer_start": 252, "text": "Miller"}], "question": "Which Denver linebacker was named Super Bowl MVP?", "id": "56beab833aeaaa14008c91d2"}, {"answers": [{"answer_start": 295, "text": "five solo tackles"}, {"answer_start": 295, "text": "five"}, {"answer_start": 295, "text": "five"}], "question": "How many solo tackles did Von Miller make at Super Bowl 50?", "id": "56beab833aeaaa14008c91d3"}, {"answers": [{"answer_start": 67, "text": "Newton was limited by Denver's defense"}, {"answer_start": 67, "text": "Newton"}, {"answer_start": 67, "text": "Newton"}], "question": "Who was limited by Denver's defense?", "id": "56beab833aeaaa14008c91d4"}, {"answers": [{"answer_start": 124, "text": "seven"}, {"answer_start": 124, "text": "seven"}, {"answer_start": 124, "text": "seven"}], "question": "How many times was Cam Newton sacked?", "id": "56beae423aeaaa14008c91f4"}, {"answers": [{"answer_start": 248, "text": "Von Miller"}, {"answer_start": 0, "text": "The Broncos"}, {"answer_start": 252, "text": "Miller"}], "question": "Who won the Super Bowl MVP?", "id": "56beae423aeaaa14008c91f5"}, {"answers": [{"answer_start": 156, "text": "three"}, {"answer_start": 156, "text": "three"}, {"answer_start": 156, "text": "three"}], "question": "How many turnovers did Cam Newton have?", "id": "56beae423aeaaa14008c91f6"}, {"answers": [{"answer_start": 328, "text": "two"}, {"answer_start": 328, "text": "two"}, {"answer_start": 328, "text": "two"}], "question": "How many fumbles did Von Miller force?", "id": "56beae423aeaaa14008c91f7"}, {"answers": [{"answer_start": 248, "text": "Von Miller"}, {"answer_start": 248, "text": "Von Miller"}, {"answer_start": 252, "text": "Miller"}], "question": "Who was given the esteemed status of MVP for Super Bowl 50?", "id": "56bf17653aeaaa14008c9511"}, {"answers": [{"answer_start": 237, "text": "linebacker"}, {"answer_start": 237, "text": "linebacker"}, {"answer_start": 237, "text": "linebacker"}], "question": "What position does Von Miller play for the Denver Broncos?", "id": "56bf17653aeaaa14008c9513"}, {"answers": [{"answer_start": 45, "text": "5"}, {"answer_start": 295, "text": "five"}, {"answer_start": 295, "text": "five"}], "question": "What was the number of solo tackles that Von Miller had in Super Bowl 50?", "id": "56bf17653aeaaa14008c9514"}, {"answers": [{"answer_start": 314, "text": "2"}, {"answer_start": 328, "text": "two"}, {"answer_start": 328, "text": "two"}], "question": "How many forced fumbles did Von Miller have during the Super Bowl 50 game?", "id": "56bf17653aeaaa14008c9515"}, {"answers": [{"answer_start": 248, "text": "Von Miller"}, {"answer_start": 248, "text": "Von Miller"}, {"answer_start": 248, "text": "Von Miller"}], "question": "Who won the MVP for the Super Bowl?", "id": "56d204ade7d4791d00902603"}, {"answers": [{"answer_start": 45, "text": "5"}, {"answer_start": 295, "text": "five"}, {"answer_start": 295, "text": "five"}], "question": "How many tackles did Von Miller get during the game?", "id": "56d204ade7d4791d00902604"}, {"answers": [{"answer_start": 124, "text": "seven"}, {"answer_start": 124, "text": "seven"}, {"answer_start": 124, "text": "seven"}], "question": "How many times was Cam Newton sacked in Super Bowl 50?", "id": "56d601e41c85041400946ece"}, {"answers": [{"answer_start": 156, "text": "three"}, {"answer_start": 156, "text": "three"}, {"answer_start": 156, "text": "three"}], "question": "How many times did the Denver defense force Newton into turnovers?", "id": "56d601e41c85041400946ecf"}, {"answers": [{"answer_start": 183, "text": "a fumble"}, {"answer_start": 183, "text": "a fumble"}, {"answer_start": 185, "text": "fumble"}], "question": "Which Newton turnover resulted in seven points for Denver?", "id": "56d601e41c85041400946ed0"}, {"answers": [{"answer_start": 248, "text": "Von Miller"}, {"answer_start": 248, "text": "Von Miller"}, {"answer_start": 248, "text": "Von Miller"}], "question": "Who was the Most Valuable Player of Super Bowl 50?", "id": "56d601e41c85041400946ed1"}, {"answers": [{"answer_start": 237, "text": "linebacker"}, {"answer_start": 237, "text": "linebacker"}, {"answer_start": 237, "text": "linebacker"}], "question": "What position does Von Miller play?", "id": "56d601e41c85041400946ed2"}, {"answers": [{"answer_start": 124, "text": "seven"}, {"answer_start": 124, "text": "seven"}, {"answer_start": 124, "text": "seven"}], "question": "How many times was the Panthers' quarterback sacked?", "id": "56d98b33dc89441400fdb53b"}, {"answers": [{"answer_start": 156, "text": "three"}, {"answer_start": 156, "text": "three"}, {"answer_start": 156, "text": "three"}], "question": "How many times did the Broncos cause turnovers in the game?", "id": "56d98b33dc89441400fdb53c"}, {"answers": [{"answer_start": 248, "text": "Von Miller"}, {"answer_start": 248, "text": "Von Miller"}, {"answer_start": 248, "text": "Von Miller"}], "question": "What Denver player caused two fumbles for the Panthers?", "id": "56d98b33dc89441400fdb53d"}, {"answers": [{"answer_start": 295, "text": "five"}, {"answer_start": 295, "text": "five"}, {"answer_start": 295, "text": "five"}], "question": "How many tackles did Von Miller accomlish by himself in the game?", "id": "56d98b33dc89441400fdb53e"}]}, {"context": "CBS broadcast Super Bowl 50 in the U.S., and charged an average of $5 million for a 30-second commercial during the game. The Super Bowl 50 halftime show was headlined by the British rock group Coldplay with special guest performers Beyonc\u00e9 and Bruno Mars, who headlined the Super Bowl XLVII and Super Bowl XLVIII halftime shows, respectively. It was the third-most watched U.S. broadcast ever.", "qas": [{"answers": [{"answer_start": 0, "text": "CBS"}, {"answer_start": 0, "text": "CBS"}, {"answer_start": 0, "text": "CBS"}], "question": "Which network broadcasted Super Bowl 50 in the U.S.?", "id": "56be5333acb8001400a5030a"}, {"answers": [{"answer_start": 67, "text": "$5 million"}, {"answer_start": 67, "text": "$5 million"}, {"answer_start": 67, "text": "$5 million"}], "question": "What was the average cost for a 30 second commercial during Super Bowl 50?", "id": "56be5333acb8001400a5030b"}, {"answers": [{"answer_start": 194, "text": "Coldplay"}, {"answer_start": 194, "text": "Coldplay"}, {"answer_start": 194, "text": "Coldplay"}], "question": "Which group headlined the Super Bowl 50 halftime show?", "id": "56be5333acb8001400a5030c"}, {"answers": [{"answer_start": 233, "text": "Beyonc\u00e9 and Bruno Mars"}, {"answer_start": 233, "text": "Beyonc\u00e9 and Bruno Mars"}, {"answer_start": 233, "text": "Beyonc\u00e9 and Bruno Mars"}], "question": "Which performers joined the headliner during the Super Bowl 50 halftime show?", "id": "56be5333acb8001400a5030d"}, {"answers": [{"answer_start": 275, "text": "Super Bowl XLVII"}, {"answer_start": 275, "text": "Super Bowl XLVII"}, {"answer_start": 286, "text": "XLVII"}], "question": "At which Super Bowl did Beyonce headline the halftime show?", "id": "56be5333acb8001400a5030e"}, {"answers": [{"answer_start": 0, "text": "CBS"}, {"answer_start": 0, "text": "CBS"}, {"answer_start": 0, "text": "CBS"}], "question": "Who was the broadcaster for Super Bowl 50 in the United States?", "id": "56beaf5e3aeaaa14008c91fd"}, {"answers": [{"answer_start": 67, "text": "$5 million"}, {"answer_start": 67, "text": "$5 million"}, {"answer_start": 67, "text": "$5 million"}], "question": "What was the average cost of a 30-second commercial?", "id": "56beaf5e3aeaaa14008c91fe"}, {"answers": [{"answer_start": 233, "text": "Beyonc\u00e9"}, {"answer_start": 233, "text": "Beyonc\u00e9"}, {"answer_start": 233, "text": "Beyonc\u00e9"}], "question": "What halftime performer previously headlined Super Bowl XLVII?", "id": "56beaf5e3aeaaa14008c91ff"}, {"answers": [{"answer_start": 245, "text": "Bruno Mars"}, {"answer_start": 245, "text": "Bruno Mars"}, {"answer_start": 251, "text": "Mars"}], "question": "What halftime performer previously headlined Super Bowl XLVIII?", "id": "56beaf5e3aeaaa14008c9200"}, {"answers": [{"answer_start": 194, "text": "Coldplay"}, {"answer_start": 194, "text": "Coldplay"}, {"answer_start": 194, "text": "Coldplay"}], "question": "Who was the main performer at this year's halftime show?", "id": "56beaf5e3aeaaa14008c9201"}, {"answers": [{"answer_start": 0, "text": "CBS"}, {"answer_start": 0, "text": "CBS"}, {"answer_start": 0, "text": "CBS"}], "question": "Which network broadcasted the 50th Super Bowl game? ", "id": "56bf1ae93aeaaa14008c951b"}, {"answers": [{"answer_start": 67, "text": "$5 million"}, {"answer_start": 67, "text": "$5 million"}, {"answer_start": 67, "text": "$5 million"}], "question": "What was the average cost for a TV ad lasting 30 seconds during Super Bowl 50?", "id": "56bf1ae93aeaaa14008c951c"}, {"answers": [{"answer_start": 245, "text": "Bruno Mars"}, {"answer_start": 245, "text": "Bruno Mars"}, {"answer_start": 245, "text": "Bruno Mars,"}], "question": "Who was the male singer who performed as a special guest during Super Bowl 50?", "id": "56bf1ae93aeaaa14008c951e"}, {"answers": [{"answer_start": 355, "text": "third"}, {"answer_start": 355, "text": "third"}, {"answer_start": 355, "text": "third"}], "question": "What ranking does the Super Bowl 50 halftime show have on the list of most watched TV broadcasts?", "id": "56bf1ae93aeaaa14008c951f"}, {"answers": [{"answer_start": 0, "text": "CBS"}, {"answer_start": 0, "text": "CBS"}, {"answer_start": 0, "text": "CBS"}], "question": "What station aired the Super Bowl?", "id": "56d2051ce7d4791d00902608"}, {"answers": [{"answer_start": 67, "text": "$5 million"}, {"answer_start": 67, "text": "$5 million"}, {"answer_start": 67, "text": "$5 million"}], "question": "How much money did a 1/2 minute commercial cost?", "id": "56d2051ce7d4791d00902609"}, {"answers": [{"answer_start": 194, "text": "Coldplay"}, {"answer_start": 194, "text": "Coldplay"}, {"answer_start": 194, "text": "Coldplay"}], "question": "What band headlined half-time during Super Bowl 50?", "id": "56d2051ce7d4791d0090260a"}, {"answers": [{"answer_start": 233, "text": "Beyonc\u00e9 and Bruno Mars"}, {"answer_start": 233, "text": "Beyonc\u00e9 and Bruno Mars"}, {"answer_start": 233, "text": "Beyonc\u00e9 and Bruno Mars"}], "question": "What two artists came out with Coldplay during the half-time show?", "id": "56d2051ce7d4791d0090260b"}, {"answers": [{"answer_start": 0, "text": "CBS"}, {"answer_start": 0, "text": "CBS"}, {"answer_start": 0, "text": "CBS"}], "question": "Who broadcast the Super Bowl on TV?", "id": "56d602631c85041400946ed8"}, {"answers": [{"answer_start": 194, "text": "Coldplay"}, {"answer_start": 194, "text": "Coldplay"}, {"answer_start": 194, "text": "Coldplay"}], "question": "Who headlined the halftime show for Super Bowl 50?", "id": "56d602631c85041400946eda"}, {"answers": [{"answer_start": 233, "text": "Beyonc\u00e9 and Bruno Mars"}, {"answer_start": 233, "text": "Beyonc\u00e9 and Bruno Mars"}, {"answer_start": 233, "text": "Beyonc\u00e9 and Bruno Mars"}], "question": "Who were special guests for the Super Bowl halftime show?", "id": "56d602631c85041400946edb"}, {"answers": [{"answer_start": 275, "text": "Super Bowl XLVII"}, {"answer_start": 275, "text": "Super Bowl XLVII"}, {"answer_start": 275, "text": "Super Bowl XLVII"}], "question": "Which Super Bowl halftime show did Beyonc\u00e9 headline?", "id": "56d602631c85041400946edc"}, {"answers": [{"answer_start": 67, "text": "$5 million"}, {"answer_start": 67, "text": "$5 million"}, {"answer_start": 67, "text": "$5 million for a 30-second"}], "question": "What was the cost for a half minute ad?", "id": "56d98c53dc89441400fdb544"}, {"answers": [{"answer_start": 194, "text": "Coldplay"}, {"answer_start": 194, "text": "Coldplay"}, {"answer_start": 194, "text": "Coldplay"}], "question": "Who lead the Super Bowl 50 halftime performance?", "id": "56d98c53dc89441400fdb545"}, {"answers": [{"answer_start": 233, "text": "Beyonc\u00e9 and Bruno Mars"}, {"answer_start": 233, "text": "Beyonc\u00e9 and Bruno Mars"}, {"answer_start": 233, "text": "Beyonc\u00e9 and Bruno Mars"}], "question": "What other two famous performers were part of the Super Bowl 50 halftime?", "id": "56d98c53dc89441400fdb546"}, {"answers": [{"answer_start": 245, "text": "Bruno Mars"}, {"answer_start": 194, "text": "Coldplay"}, {"answer_start": 194, "text": "Coldplay"}], "question": "What performer lead the Super Bowl XLVIII halftime show?", "id": "56d98c53dc89441400fdb548"}]}, {"context": "In early 2012, NFL Commissioner Roger Goodell stated that the league planned to make the 50th Super Bowl \"spectacular\" and that it would be \"an important game for us as a league\".", "qas": [{"answers": [{"answer_start": 32, "text": "Roger Goodell"}, {"answer_start": 32, "text": "Roger Goodell"}, {"answer_start": 38, "text": "Goodell"}], "question": "Who was the NFL Commissioner in early 2012?", "id": "56be53b8acb8001400a50314"}, {"answers": [{"answer_start": 85, "text": "the 50th Super Bowl"}, {"answer_start": 85, "text": "the 50th"}, {"answer_start": 89, "text": "50th"}], "question": "Which Super Bowl did Roger Goodell speak about?", "id": "56be53b8acb8001400a50315"}, {"answers": [{"answer_start": 9, "text": "2012"}, {"answer_start": 9, "text": "2012"}, {"answer_start": 9, "text": "2012"}], "question": "In what year did Roger Goodell call Super Bowl 50 'an important game for us as a league'?", "id": "56be53b8acb8001400a50316"}, {"answers": [{"answer_start": 32, "text": "Roger Goodell"}, {"answer_start": 32, "text": "Roger Goodell"}, {"answer_start": 38, "text": "Goodell"}], "question": "Who is the Commissioner of the National Football League?", "id": "56beafca3aeaaa14008c9207"}, {"answers": [{"answer_start": 3, "text": "early 2012"}, {"answer_start": 0, "text": "In early 2012"}, {"answer_start": 9, "text": "2012"}], "question": "When did he make the quoted remarks about Super Bowl 50?", "id": "56beafca3aeaaa14008c9208"}, {"answers": [{"answer_start": 32, "text": "Roger Goodell"}, {"answer_start": 32, "text": "Roger Goodell"}, {"answer_start": 38, "text": "Goodell"}], "question": "Who was the commissioner of the NFL in 2012? ", "id": "56bf42f53aeaaa14008c95a3"}, {"answers": [{"answer_start": 32, "text": "Roger Goodell"}, {"answer_start": 32, "text": "Roger Goodell"}, {"answer_start": 38, "text": "Goodell"}], "question": "Who if the commissioner of the NFL?", "id": "56d2053ae7d4791d00902610"}, {"answers": [{"answer_start": 32, "text": "Roger Goodell"}, {"answer_start": 32, "text": "Roger Goodell"}, {"answer_start": 38, "text": "Goodell"}], "question": "Who is the commissioner of the NFL?", "id": "56d6edd00d65d21400198250"}, {"answers": [{"answer_start": 106, "text": "spectacular"}, {"answer_start": 141, "text": "an important game for us as a league"}, {"answer_start": 106, "text": "spectacular"}], "question": "In early 2012, Goodell said that Super Bowl 50 would be what?", "id": "56d6edd00d65d21400198251"}, {"answers": [{"answer_start": 106, "text": "spectacular"}, {"answer_start": 106, "text": "spectacular"}, {"answer_start": 106, "text": "spectacular"}], "question": "What one word did the NFL commissioner use to describe what Super Bowl 50 was intended to be?", "id": "56d98d0adc89441400fdb54e"}, {"answers": [{"answer_start": 9, "text": "2012"}, {"answer_start": 9, "text": "2012"}, {"answer_start": 9, "text": "2012"}], "question": "What year did Roger Goodell announce that Super Bowl 50 would be \"important\"?", "id": "56d98d0adc89441400fdb54f"}]}, {"context": "The league eventually narrowed the bids to three sites: New Orleans' Mercedes-Benz Superdome, Miami's Sun Life Stadium, and the San Francisco Bay Area's Levi's Stadium.", "qas": [{"answers": [{"answer_start": 56, "text": "New Orleans' Mercedes-Benz Superdome"}, {"answer_start": 56, "text": "New Orleans' Mercedes-Benz Superdome"}, {"answer_start": 69, "text": "Mercedes-Benz Superdome"}], "question": "Which Louisiana venue was one of three considered for Super Bowl 50?", "id": "56be5438acb8001400a5031a"}, {"answers": [{"answer_start": 94, "text": "Miami's Sun Life Stadium"}, {"answer_start": 94, "text": "Miami's Sun Life Stadium"}, {"answer_start": 102, "text": "Sun Life Stadium"}], "question": "Which Florida venue was one of three considered for Super Bowl 50?", "id": "56be5438acb8001400a5031b"}, {"answers": [{"answer_start": 128, "text": "San Francisco Bay Area's Levi's Stadium"}, {"answer_start": 128, "text": "San Francisco Bay Area's Levi's Stadium"}, {"answer_start": 153, "text": "Levi's Stadium"}], "question": "Which California venue was one of three considered for Super Bowl 50?", "id": "56be5438acb8001400a5031c"}, {"answers": [{"answer_start": 102, "text": "Sun Life Stadium"}, {"answer_start": 102, "text": "Sun Life Stadium"}, {"answer_start": 102, "text": "Sun Life Stadium"}], "question": "What venue in Miami was a candidate for the site of Super Bowl 50?", "id": "56beb03c3aeaaa14008c920b"}, {"answers": [{"answer_start": 153, "text": "Levi's Stadium"}, {"answer_start": 153, "text": "Levi's Stadium"}, {"answer_start": 153, "text": "Levi's Stadium"}], "question": "What site is located in the San Francisco Bay Area?", "id": "56beb03c3aeaaa14008c920d"}, {"answers": [{"answer_start": 153, "text": "Levi's Stadium"}, {"answer_start": 153, "text": "Levi's Stadium"}, {"answer_start": 153, "text": "Levi's Stadium."}], "question": "What is the name of San Francisco's stadium when looked at as a possibility for Super Bowl 50?", "id": "56bf3c633aeaaa14008c9580"}, {"answers": [{"answer_start": 69, "text": "Mercedes-Benz Superdome"}, {"answer_start": 69, "text": "Mercedes-Benz Superdome"}, {"answer_start": 69, "text": "Mercedes-Benz Superdome"}], "question": "What was the name of New Orleans' superdome at the time that Super Bowl 50 took place?", "id": "56bf3c633aeaaa14008c9581"}, {"answers": [{"answer_start": 102, "text": "Sun Life Stadium"}, {"answer_start": 102, "text": "Sun Life Stadium"}, {"answer_start": 102, "text": "Sun Life Stadium"}], "question": "What was the given name of Miami's stadium at the time of Super Bowl 50?", "id": "56bf3c633aeaaa14008c9582"}, {"answers": [{"answer_start": 56, "text": "New Orleans' Mercedes-Benz Superdome, Miami's Sun Life Stadium, and the San Francisco Bay Area's Levi's Stadium"}, {"answer_start": 56, "text": "New Orleans' Mercedes-Benz Superdome, Miami's Sun Life Stadium, and the San Francisco Bay Area's Levi's Stadium."}, {"answer_start": 56, "text": "New Orleans' Mercedes-Benz Superdome, Miami's Sun Life Stadium, and the San Francisco Bay Area's Levi's Stadium."}], "question": "What three stadiums did the NFL decide between for the game?", "id": "56d20564e7d4791d00902612"}, {"answers": [{"answer_start": 43, "text": "three"}, {"answer_start": 43, "text": "three"}, {"answer_start": 43, "text": "three"}], "question": "How many sites did the NFL narrow down Super Bowl 50's location to?", "id": "56d6ee6e0d65d21400198254"}, {"answers": [{"answer_start": 56, "text": "New Orleans"}, {"answer_start": 56, "text": "New Orleans"}, {"answer_start": 56, "text": "New Orleans'"}], "question": "One of the sites, Merceds-Benz Superdome, is located where?", "id": "56d6ee6e0d65d21400198255"}, {"answers": [{"answer_start": 102, "text": "Sun Life Stadium"}, {"answer_start": 102, "text": "Sun Life Stadium"}, {"answer_start": 102, "text": "Sun Life Stadium"}], "question": "What is the name of the stadium in Miami that was considered?", "id": "56d6ee6e0d65d21400198256"}, {"answers": [{"answer_start": 128, "text": "San Francisco"}, {"answer_start": 128, "text": "San Francisco"}, {"answer_start": 128, "text": "San Francisco Bay Area's"}], "question": "What was the third city that was considered?", "id": "56d6ee6e0d65d21400198257"}, {"answers": [{"answer_start": 153, "text": "Levi's Stadium."}, {"answer_start": 153, "text": "Levi's Stadium"}, {"answer_start": 153, "text": "Levi's Stadium."}], "question": "What is the name of the stadium in San Francisco Bay Area?", "id": "56d6ee6e0d65d21400198258"}, {"answers": [{"answer_start": 102, "text": "Sun Life Stadium"}, {"answer_start": 102, "text": "Sun Life Stadium"}, {"answer_start": 102, "text": "Sun Life Stadium"}], "question": "What Florida stadium was considered for Super Bowl 50?", "id": "56d98db6dc89441400fdb552"}, {"answers": [{"answer_start": 69, "text": "Mercedes-Benz Superdome"}, {"answer_start": 69, "text": "Mercedes-Benz Superdome"}, {"answer_start": 69, "text": "Mercedes-Benz Superdome,"}], "question": "What New Orleans stadium was considered for Super Bowl 50?", "id": "56d98db6dc89441400fdb553"}, {"answers": [{"answer_start": 153, "text": "Levi's Stadium."}, {"answer_start": 153, "text": "Levi's Stadium"}, {"answer_start": 153, "text": "Levi's Stadium."}], "question": "What is the name of the stadium where Super Bowl 50 was played?", "id": "56d98db6dc89441400fdb554"}]}, {"context": "The league announced on October 16, 2012, that the two finalists were Sun Life Stadium and Levi's Stadium. The South Florida/Miami area has previously hosted the event 10 times (tied for most with New Orleans), with the most recent one being Super Bowl XLIV in 2010. The San Francisco Bay Area last hosted in 1985 (Super Bowl XIX), held at Stanford Stadium in Stanford, California, won by the home team 49ers. The Miami bid depended on whether the stadium underwent renovations. However, on May 3, 2013, the Florida legislature refused to approve the funding plan to pay for the renovations, dealing a significant blow to Miami's chances.", "qas": [{"answers": [{"answer_start": 24, "text": "October 16, 2012"}, {"answer_start": 24, "text": "October 16, 2012,"}, {"answer_start": 24, "text": "October 16, 2012"}], "question": "When were the two finalists for hosting Super Bowl 50 announced?", "id": "56be54bdacb8001400a50322"}, {"answers": [{"answer_start": 168, "text": "10"}, {"answer_start": 168, "text": "10"}, {"answer_start": 168, "text": "10"}], "question": "How many times has the South Florida/Miami area hosted the Super Bowl?", "id": "56be54bdacb8001400a50323"}, {"answers": [{"answer_start": 242, "text": "Super Bowl XLIV"}, {"answer_start": 242, "text": "Super Bowl XLIV"}, {"answer_start": 261, "text": "2010"}], "question": "What was the most recent Super Bowl hosted in the South Florida/Miami area?", "id": "56be54bdacb8001400a50324"}, {"answers": [{"answer_start": 261, "text": "2010"}, {"answer_start": 261, "text": "2010"}, {"answer_start": 261, "text": "2010"}], "question": "When was the most recent Super Bowl hosted in the South Florida/Miami area?", "id": "56be54bdacb8001400a50325"}, {"answers": [{"answer_start": 309, "text": "1985"}, {"answer_start": 309, "text": "1985"}, {"answer_start": 309, "text": "1985"}], "question": "When did the San Francisco Bay area last host the Super Bowl?", "id": "56be54bdacb8001400a50326"}, {"answers": [{"answer_start": 70, "text": "Sun Life Stadium"}, {"answer_start": 70, "text": "Sun Life Stadium"}, {"answer_start": 70, "text": "Sun Life Stadium"}], "question": "What was the other finalist besides Levi's Stadium?", "id": "56beb0f43aeaaa14008c921b"}, {"answers": [{"answer_start": 24, "text": "October 16, 2012"}, {"answer_start": 24, "text": "October 16, 2012"}, {"answer_start": 24, "text": "October 16, 2012,"}], "question": "When were the finalists announced?", "id": "56beb0f43aeaaa14008c921c"}, {"answers": [{"answer_start": 340, "text": "Stanford Stadium"}, {"answer_start": 340, "text": "Stanford Stadium"}, {"answer_start": 340, "text": "Stanford Stadium"}], "question": "In what venue did Super Bowl XIX take place?", "id": "56beb0f43aeaaa14008c921d"}, {"answers": [{"answer_start": 491, "text": "May 3, 2013"}, {"answer_start": 491, "text": "May 3, 2013"}, {"answer_start": 491, "text": "May 3, 2013"}], "question": "On what date did the Florida legislature decide against the plan to renovate the Miami stadium?", "id": "56beb0f43aeaaa14008c921e"}, {"answers": [{"answer_start": 261, "text": "2010"}, {"answer_start": 261, "text": "2010"}, {"answer_start": 261, "text": "2010"}], "question": "In what year was the Super Bowl last held in the Miami/South Florida area?", "id": "56beb0f43aeaaa14008c921f"}, {"answers": [{"answer_start": 51, "text": "two"}, {"answer_start": 168, "text": "10"}, {"answer_start": 168, "text": "10"}], "question": "How many times has a Super Bowl taken place at Miami's Sun Life Stadium?", "id": "56bf21b43aeaaa14008c9525"}, {"answers": [{"answer_start": 242, "text": "Super Bowl XLIV"}, {"answer_start": 242, "text": "Super Bowl XLIV"}, {"answer_start": 261, "text": "2010"}], "question": "What was the last Super Bowl that took place at Sun Life Stadium in Miami? ", "id": "56bf21b43aeaaa14008c9526"}, {"answers": [{"answer_start": 51, "text": "two"}, {"answer_start": 51, "text": "two"}, {"answer_start": 51, "text": "two"}], "question": "In 2012, how many stadiums were named as finalists for hosting Super Bowl 50 before the final stadium was chosen?", "id": "56bf21b43aeaaa14008c9528"}, {"answers": [{"answer_start": 508, "text": "Florida legislature"}, {"answer_start": 504, "text": "the Florida legislature"}, {"answer_start": 508, "text": "Florida legislature"}], "question": "What was the entity that stepped in and caused Miami's Sun Life Stadium to no longer be in the running to host Super Bowl 50?", "id": "56bf21b43aeaaa14008c9529"}, {"answers": [{"answer_start": 309, "text": "1985"}, {"answer_start": 309, "text": "1985"}, {"answer_start": 309, "text": "1985"}], "question": "Prior to this consideration, when did San Francisco last host a Super Bowl?", "id": "56d6ef6a0d65d21400198260"}, {"answers": [{"answer_start": 197, "text": "New Orleans"}, {"answer_start": 197, "text": "New Orleans"}, {"answer_start": 197, "text": "New Orleans"}], "question": "What other city has hosted the Super Bowl ten times?", "id": "56d6ef6a0d65d21400198262"}, {"answers": [{"answer_start": 24, "text": "October 16, 2012"}, {"answer_start": 24, "text": "October 16, 2012"}, {"answer_start": 24, "text": "October 16, 2012,"}], "question": "What date were the top two stadium choices for Super Bowl 50 announced?", "id": "56d98f0ddc89441400fdb558"}, {"answers": [{"answer_start": 263, "text": "10."}, {"answer_start": 168, "text": "10"}, {"answer_start": 168, "text": "10 times"}], "question": "How many times prios has the Sun Life Stadium had Super Bowls?", "id": "56d98f0ddc89441400fdb559"}, {"answers": [{"answer_start": 197, "text": "New Orleans"}, {"answer_start": 197, "text": "New Orleans"}, {"answer_start": 197, "text": "New Orleans"}], "question": "What city is tied with Miami for hosting the Super Bowl?", "id": "56d98f0ddc89441400fdb55a"}, {"answers": [{"answer_start": 309, "text": "1985"}, {"answer_start": 309, "text": "1985"}, {"answer_start": 309, "text": "1985"}], "question": "When was the last time San Francisco hosted a Super Bowl?", "id": "56d98f0ddc89441400fdb55b"}, {"answers": [{"answer_start": 508, "text": "Florida legislature"}, {"answer_start": 504, "text": "the Florida legislature"}, {"answer_start": 508, "text": "Florida legislature"}], "question": "Who decided not to approve paying for renovations at Sun Life Stadium that the league wanted for them to do to host Super Bowl 50?", "id": "56d98f0ddc89441400fdb55c"}]}, {"context": "On May 21, 2013, NFL owners at their spring meetings in Boston voted and awarded the game to Levi's Stadium. The $1.2 billion stadium opened in 2014. It is the first Super Bowl held in the San Francisco Bay Area since Super Bowl XIX in 1985, and the first in California since Super Bowl XXXVII took place in San Diego in 2003.", "qas": [{"answers": [{"answer_start": 3, "text": "May 21, 2013"}, {"answer_start": 3, "text": "May 21, 2013"}, {"answer_start": 3, "text": "May 21, 2013,"}], "question": "When was Levi's Stadium awarded the right to host Super Bowl 50?", "id": "56be5523acb8001400a5032c"}, {"answers": [{"answer_start": 17, "text": "NFL owners"}, {"answer_start": 17, "text": "NFL owners"}, {"answer_start": 17, "text": "NFL owners"}], "question": "Who voted on the venue for Super Bowl 50?", "id": "56be5523acb8001400a5032d"}, {"answers": [{"answer_start": 144, "text": "2014"}, {"answer_start": 141, "text": "in 2014"}, {"answer_start": 144, "text": "2014"}], "question": "When did Lev's Stadium open?", "id": "56be5523acb8001400a5032e"}, {"answers": [{"answer_start": 113, "text": "$1.2 billion"}, {"answer_start": 113, "text": "$1.2 billion"}, {"answer_start": 113, "text": "$1.2 billion"}], "question": "How much did it cost to build Levi's Stadium?", "id": "56be5523acb8001400a5032f"}, {"answers": [{"answer_start": 308, "text": "San Diego"}, {"answer_start": 308, "text": "San Diego"}, {"answer_start": 308, "text": "San Diego"}], "question": "What California city last hosted the Super Bowl?", "id": "56be5523acb8001400a50330"}, {"answers": [{"answer_start": 56, "text": "Boston"}, {"answer_start": 53, "text": "in Boston"}, {"answer_start": 3, "text": "May 21, 2013"}], "question": "Where did the spring meetings of the NFL owners take place?", "id": "56beb2153aeaaa14008c9225"}, {"answers": [{"answer_start": 3, "text": "May 21, 2013"}, {"answer_start": 3, "text": "May 21, 2013"}, {"answer_start": 3, "text": "May 21, 2013,"}], "question": "On what date was Super Bowl 50 given to Levi's Stadium?", "id": "56beb2153aeaaa14008c9226"}, {"answers": [{"answer_start": 113, "text": "$1.2 billion"}, {"answer_start": 113, "text": "$1.2 billion"}, {"answer_start": 113, "text": "$1.2 billion"}], "question": "How much did it cost to build Levi's Stadium?", "id": "56beb2153aeaaa14008c9227"}, {"answers": [{"answer_start": 276, "text": "Super Bowl XXXVII"}, {"answer_start": 276, "text": "Super Bowl XXXVII"}, {"answer_start": 287, "text": "XXXVII"}], "question": "Prior to Super Bowl 50, what was the last Super Bowl in California?", "id": "56beb2153aeaaa14008c9228"}, {"answers": [{"answer_start": 308, "text": "San Diego"}, {"answer_start": 308, "text": "San Diego"}, {"answer_start": 308, "text": "San Diego"}], "question": "In what city did the last Super Bowl in California occur?", "id": "56beb2153aeaaa14008c9229"}, {"answers": [{"answer_start": 11, "text": "2013"}, {"answer_start": 11, "text": "2013"}, {"answer_start": 11, "text": "2013"}], "question": "What year did Levi's Stadium become fully approved to host Super Bowl 50?", "id": "56bf23363aeaaa14008c952f"}, {"answers": [{"answer_start": 144, "text": "2014"}, {"answer_start": 144, "text": "2014"}, {"answer_start": 144, "text": "2014"}], "question": "When did Levi's stadium open to the public? ", "id": "56bf23363aeaaa14008c9530"}, {"answers": [{"answer_start": 113, "text": "$1.2 billion"}, {"answer_start": 113, "text": "$1.2 billion"}, {"answer_start": 113, "text": "$1.2 billion"}], "question": "How much did it cost to build the stadium where Super Bowl 50 was played?", "id": "56bf23363aeaaa14008c9531"}, {"answers": [{"answer_start": 236, "text": "1985"}, {"answer_start": 236, "text": "1985"}, {"answer_start": 236, "text": "1985"}], "question": "What year did a Super Bowl play in the bay area around San Francisco, prior to Super Bowl 50?", "id": "56bf23363aeaaa14008c9532"}, {"answers": [{"answer_start": 276, "text": "Super Bowl XXXVII"}, {"answer_start": 276, "text": "Super Bowl XXXVII"}, {"answer_start": 287, "text": "XXXVII"}], "question": "Which Super Bowl was hosted in San Diego in 2003? ", "id": "56bf23363aeaaa14008c9533"}, {"answers": [{"answer_start": 3, "text": "May 21, 2013"}, {"answer_start": 3, "text": "May 21, 2013,"}, {"answer_start": 3, "text": "May 21, 2013"}], "question": "When was San Francisco voted to be the location for Super Bowl 50?", "id": "56d6f0770d65d21400198268"}, {"answers": [{"answer_start": 144, "text": "2014"}, {"answer_start": 141, "text": "in 2014"}, {"answer_start": 144, "text": "2014"}], "question": "When did Levi's Stadium open?", "id": "56d6f0770d65d21400198269"}, {"answers": [{"answer_start": 321, "text": "2003"}, {"answer_start": 318, "text": "in 2003"}, {"answer_start": 321, "text": "2003"}], "question": "When was the last Super Bowl in California?", "id": "56d6f0770d65d2140019826a"}, {"answers": [{"answer_start": 56, "text": "Boston"}, {"answer_start": 53, "text": "in Boston"}, {"answer_start": 56, "text": "Boston"}], "question": "Where was the meeting held when the NFL owners voted on the location for Super Bowl 50?", "id": "56d6f0770d65d2140019826c"}, {"answers": [{"answer_start": 3, "text": "May 21, 2013"}, {"answer_start": 3, "text": "May 21, 2013"}, {"answer_start": 3, "text": "May 21, 2013"}], "question": "When was Levi's Stadium picked for Super bowl 50?", "id": "56d98fbfdc89441400fdb562"}, {"answers": [{"answer_start": 144, "text": "2014."}, {"answer_start": 141, "text": "in 2014"}, {"answer_start": 144, "text": "2014"}], "question": "When did Levi's Stadium open?", "id": "56d98fbfdc89441400fdb563"}, {"answers": [{"answer_start": 113, "text": "$1.2 billion"}, {"answer_start": 113, "text": "$1.2 billion"}, {"answer_start": 113, "text": "$1.2 billion"}], "question": "How much did Levi's Stadium cost?", "id": "56d98fbfdc89441400fdb564"}, {"answers": [{"answer_start": 321, "text": "2003."}, {"answer_start": 321, "text": "2003"}, {"answer_start": 321, "text": "2003"}], "question": "When was the last time California hosted a Super Bowl?", "id": "56d98fbfdc89441400fdb565"}]}, {"context": "For the third straight season, the number one seeds from both conferences met in the Super Bowl. The Carolina Panthers became one of only ten teams to have completed a regular season with only one loss, and one of only six teams to have acquired a 15\u20131 record, while the Denver Broncos became one of four teams to have made eight appearances in the Super Bowl. The Broncos made their second Super Bowl appearance in three years, having reached Super Bowl XLVIII, while the Panthers made their second Super Bowl appearance in franchise history, their other appearance being Super Bowl XXXVIII. Coincidentally, both teams were coached by John Fox in their last Super Bowl appearance prior to Super Bowl 50.", "qas": [{"answers": [{"answer_start": 636, "text": "John Fox"}, {"answer_start": 636, "text": "John Fox"}, {"answer_start": 641, "text": "Fox"}], "question": "Who coached each Super Bowl 50 participant in their most recent Super Bowl appearance prior to Super Bowl 50?", "id": "56be572b3aeaaa14008c9052"}, {"answers": [{"answer_start": 138, "text": "ten"}, {"answer_start": 138, "text": "ten"}, {"answer_start": 219, "text": "six"}], "question": "How many NFL teams have finished the regular season with one loss?", "id": "56beb2a03aeaaa14008c922f"}, {"answers": [{"answer_start": 219, "text": "six"}, {"answer_start": 219, "text": "six"}, {"answer_start": 219, "text": "six"}], "question": "How many NFL teams have gone 15-1 in one season?", "id": "56beb2a03aeaaa14008c9230"}, {"answers": [{"answer_start": 101, "text": "Carolina Panthers"}, {"answer_start": 97, "text": "The Carolina Panthers"}, {"answer_start": 110, "text": "Panthers"}], "question": "Which team in Super Bowl 50 had a 15-1 record?", "id": "56beb2a03aeaaa14008c9231"}, {"answers": [{"answer_start": 444, "text": "Super Bowl XLVIII"}, {"answer_start": 444, "text": "Super Bowl XLVIII"}, {"answer_start": 455, "text": "XLVIII"}], "question": "What was the last Super Bowl the Broncos participated in?", "id": "56beb2a03aeaaa14008c9232"}, {"answers": [{"answer_start": 636, "text": "John Fox"}, {"answer_start": 636, "text": "John Fox"}, {"answer_start": 641, "text": "Fox"}], "question": "Who was the head coach of the Broncos in Super Bowl XLVIII?", "id": "56beb2a03aeaaa14008c9233"}, {"answers": [{"answer_start": 324, "text": "eight"}, {"answer_start": 324, "text": "eight"}, {"answer_start": 324, "text": "eight"}], "question": "What was the number of times the Denver Broncos played in a Super Bowl by the time they reached Super Bowl 50?", "id": "56bf28c73aeaaa14008c9539"}, {"answers": [{"answer_start": 138, "text": "ten"}, {"answer_start": 138, "text": "ten"}, {"answer_start": 138, "text": "ten"}], "question": "How many NFL teams have had only one loss by the end of a regular season?", "id": "56bf28c73aeaaa14008c953a"}, {"answers": [{"answer_start": 573, "text": "Super Bowl XXXVIII"}, {"answer_start": 573, "text": "Super Bowl XXXVIII"}, {"answer_start": 584, "text": "XXXVIII"}], "question": "What was the first Super Bowl that the Carolina Panthers played in? ", "id": "56bf28c73aeaaa14008c953c"}, {"answers": [{"answer_start": 219, "text": "six"}, {"answer_start": 138, "text": "ten"}, {"answer_start": 138, "text": "ten"}], "question": "How many teams can boast a 15\u20131 regular season record?", "id": "56bf28c73aeaaa14008c953d"}, {"answers": [{"answer_start": 35, "text": "number one"}, {"answer_start": 35, "text": "number one"}, {"answer_start": 42, "text": "one"}], "question": "What seed was the Carolina Panthers?", "id": "56d6f1190d65d21400198272"}, {"answers": [{"answer_start": 35, "text": "number one"}, {"answer_start": 35, "text": "number one"}, {"answer_start": 42, "text": "one"}], "question": "What seed was the Denver Broncos?", "id": "56d6f1190d65d21400198273"}, {"answers": [{"answer_start": 444, "text": "Super Bowl XLVIII"}, {"answer_start": 444, "text": "Super Bowl XLVIII"}, {"answer_start": 444, "text": "Super Bowl XLVIII"}], "question": "Prior to Super Bowl 50, when were the Broncos last there?", "id": "56d6f1190d65d21400198274"}, {"answers": [{"answer_start": 573, "text": "Super Bowl XXXVIII."}, {"answer_start": 573, "text": "Super Bowl XXXVIII"}, {"answer_start": 573, "text": "Super Bowl XXXVIII"}], "question": "Prior to Super Bowl 50, when were the Carolina Panthers last there?", "id": "56d6f1190d65d21400198275"}, {"answers": [{"answer_start": 219, "text": "six"}, {"answer_start": 138, "text": "ten"}, {"answer_start": 138, "text": "ten"}], "question": "How many teams have had a 15-1 record for the regular season?", "id": "56d6f1190d65d21400198276"}, {"answers": [{"answer_start": 42, "text": "one"}, {"answer_start": 251, "text": "1"}, {"answer_start": 251, "text": "1"}], "question": "How many games did the Panthers lose in the regular season before Super Bowl 50?", "id": "56d99179dc89441400fdb56c"}, {"answers": [{"answer_start": 300, "text": "four"}, {"answer_start": 300, "text": "four"}, {"answer_start": 300, "text": "four"}], "question": "How many teams up to Super Bowl 50 have been to the championship game eight times?", "id": "56d99179dc89441400fdb56d"}, {"answers": [{"answer_start": 636, "text": "John Fox"}, {"answer_start": 636, "text": "John Fox"}, {"answer_start": 636, "text": "John Fox"}], "question": "Before Super Bowl 50, what was the coach's name that coached both teams for their last Super Bowl appearances?", "id": "56d99179dc89441400fdb570"}]}, {"context": "Despite waiving longtime running back DeAngelo Williams and losing top wide receiver Kelvin Benjamin to a torn ACL in the preseason, the Carolina Panthers had their best regular season in franchise history, becoming the seventh team to win at least 15 regular season games since the league expanded to a 16-game schedule in 1978. Carolina started the season 14\u20130, not only setting franchise records for the best start and the longest single-season winning streak, but also posting the best start to a season by an NFC team in NFL history, breaking the 13\u20130 record previously shared with the 2009 New Orleans Saints and the 2011 Green Bay Packers. With their NFC-best 15\u20131 regular season record, the Panthers clinched home-field advantage throughout the NFC playoffs for the first time in franchise history. Ten players were selected to the Pro Bowl (the most in franchise history) along with eight All-Pro selections.", "qas": [{"answers": [{"answer_start": 38, "text": "DeAngelo Williams"}, {"answer_start": 38, "text": "DeAngelo Williams"}, {"answer_start": 47, "text": "Williams"}], "question": "Whic Carolina Panthers running back was waived?", "id": "56be59683aeaaa14008c9058"}, {"answers": [{"answer_start": 85, "text": "Kelvin Benjamin"}, {"answer_start": 85, "text": "Kelvin Benjamin"}, {"answer_start": 92, "text": "Benjamin"}], "question": "Which Carolina Panthers wide receiver suffered a torn ACL before the season began?", "id": "56be59683aeaaa14008c9059"}, {"answers": [{"answer_start": 326, "text": "7"}, {"answer_start": 220, "text": "seventh"}, {"answer_start": 220, "text": "seventh"}], "question": "How many teams have won 15 regular season games since the 16-game schedule was adopted?", "id": "56be59683aeaaa14008c905a"}, {"answers": [{"answer_start": 324, "text": "1978"}, {"answer_start": 324, "text": "1978"}, {"answer_start": 324, "text": "1978"}], "question": "In what year did the NFL switch to a 16-game regular season?", "id": "56beb3083aeaaa14008c923d"}, {"answers": [{"answer_start": 137, "text": "Carolina Panthers"}, {"answer_start": 695, "text": "the Panthers"}, {"answer_start": 330, "text": "Carolina"}], "question": "Who had the best record in the NFC?", "id": "56beb3083aeaaa14008c923e"}, {"answers": [{"answer_start": 807, "text": "Ten"}, {"answer_start": 807, "text": "Ten"}, {"answer_start": 807, "text": "Ten"}], "question": "How many Panthers went to the Pro Bowl?", "id": "56beb3083aeaaa14008c923f"}, {"answers": [{"answer_start": 892, "text": "eight"}, {"answer_start": 892, "text": "eight"}, {"answer_start": 892, "text": "eight"}], "question": "How many Panthers were designated All-Pro?", "id": "56beb3083aeaaa14008c9240"}, {"answers": [{"answer_start": 85, "text": "Kelvin Benjamin"}, {"answer_start": 85, "text": "Kelvin Benjamin"}, {"answer_start": 92, "text": "Benjamin"}], "question": "What Panther tore his ACL in the preseason?", "id": "56beb3083aeaaa14008c9241"}, {"answers": [{"answer_start": 324, "text": "1978"}, {"answer_start": 324, "text": "1978"}, {"answer_start": 324, "text": "1978"}], "question": "What year did the league begin having schedules with 16 games in them?", "id": "56bf2afe3aeaaa14008c9543"}, {"answers": [{"answer_start": 591, "text": "2009"}, {"answer_start": 591, "text": "2009"}, {"answer_start": 591, "text": "2009"}], "question": "What year did the the Saints hit a 13-0 record?", "id": "56bf2afe3aeaaa14008c9544"}, {"answers": [{"answer_start": 623, "text": "2011"}, {"answer_start": 623, "text": "2011"}, {"answer_start": 623, "text": "2011"}], "question": "When did the Packers arrive at a record of 13-0?", "id": "56bf2afe3aeaaa14008c9545"}, {"answers": [{"answer_start": 106, "text": "torn ACL"}, {"answer_start": 104, "text": "a torn ACL"}, {"answer_start": 106, "text": "torn ACL"}], "question": "What injury did the Carolina Panthers lose Kelvin Benjamin to during their preseason?", "id": "56bf2afe3aeaaa14008c9547"}, {"answers": [{"answer_start": 85, "text": "Kelvin Benjamin"}, {"answer_start": 85, "text": "Kelvin Benjamin"}, {"answer_start": 92, "text": "Benjamin"}], "question": "Which player did the Panthers lose to an ACL injury in a preseason game?", "id": "56d6f2000d65d2140019827c"}, {"answers": [{"answer_start": 38, "text": "DeAngelo Williams"}, {"answer_start": 38, "text": "DeAngelo Williams"}, {"answer_start": 47, "text": "Williams"}], "question": "Which running back did the Panthers waive?", "id": "56d6f2000d65d2140019827d"}, {"answers": [{"answer_start": 324, "text": "1978"}, {"answer_start": 324, "text": "1978"}, {"answer_start": 324, "text": "1978"}], "question": "When did the NFL start their 16 game seasons?", "id": "56d6f2000d65d2140019827e"}, {"answers": [{"answer_start": 807, "text": "Ten"}, {"answer_start": 807, "text": "Ten"}, {"answer_start": 807, "text": "Ten"}], "question": "How many Panthers players were selected to the Pro Bowl?", "id": "56d6f2000d65d2140019827f"}, {"answers": [{"answer_start": 137, "text": "Carolina Panthers"}, {"answer_start": 695, "text": "the Panthers"}, {"answer_start": 330, "text": "Carolina"}], "question": "Which team had the best regular season in their history?", "id": "56d9943fdc89441400fdb576"}, {"answers": [{"answer_start": 324, "text": "1978."}, {"answer_start": 324, "text": "1978"}, {"answer_start": 324, "text": "1978"}], "question": "When did the league go from 15 to 16 games in the regular season?", "id": "56d9943fdc89441400fdb577"}, {"answers": [{"answer_start": 137, "text": "Carolina Panthers"}, {"answer_start": 695, "text": "the Panthers"}, {"answer_start": 330, "text": "Carolina"}], "question": "What team had the best start ever in the NFL?", "id": "56d9943fdc89441400fdb578"}, {"answers": [{"answer_start": 807, "text": "Ten"}, {"answer_start": 807, "text": "Ten"}, {"answer_start": 807, "text": "Ten"}], "question": "How many Panthers players were chosen for the 2015 season's Pro Bowl?", "id": "56d9943fdc89441400fdb57a"}]}, {"context": "The Panthers offense, which led the NFL in scoring (500 points), was loaded with talent, boasting six Pro Bowl selections. Pro Bowl quarterback Cam Newton had one of his best seasons, throwing for 3,837 yards and rushing for 636, while recording a career-high and league-leading 45 total touchdowns (35 passing, 10 rushing), a career-low 10 interceptions, and a career-best quarterback rating of 99.4. Newton's leading receivers were tight end Greg Olsen, who caught a career-high 77 passes for 1,104 yards and seven touchdowns, and wide receiver Ted Ginn, Jr., who caught 44 passes for 739 yards and 10 touchdowns; Ginn also rushed for 60 yards and returned 27 punts for 277 yards. Other key receivers included veteran Jerricho Cotchery (39 receptions for 485 yards), rookie Devin Funchess (31 receptions for 473 yards and five touchdowns), and second-year receiver Corey Brown (31 receptions for 447 yards). The Panthers backfield featured Pro Bowl running back Jonathan Stewart, who led the team with 989 rushing yards and six touchdowns in 13 games, along with Pro Bowl fullback Mike Tolbert, who rushed for 256 yards and caught 18 passes for another 154 yards. Carolina's offensive line also featured two Pro Bowl selections: center Ryan Kalil and guard Trai Turner.", "qas": [{"answers": [{"answer_start": 98, "text": "six"}, {"answer_start": 98, "text": "six"}, {"answer_start": 98, "text": "six"}], "question": "How many Pro Bowlers were on the Panthers offense?", "id": "56beb3a03aeaaa14008c9247"}, {"answers": [{"answer_start": 279, "text": "45"}, {"answer_start": 279, "text": "45"}, {"answer_start": 279, "text": "45"}], "question": "How many total touchdowns did Cam Newton score?", "id": "56beb3a03aeaaa14008c9248"}, {"answers": [{"answer_start": 312, "text": "10"}, {"answer_start": 338, "text": "10"}, {"answer_start": 338, "text": "10"}], "question": "How many interceptions did Cam Newton throw?", "id": "56beb3a03aeaaa14008c9249"}, {"answers": [{"answer_start": 659, "text": "27"}, {"answer_start": 659, "text": "27"}, {"answer_start": 659, "text": "27"}], "question": "How many punts did Ted Ginn Jr. return?", "id": "56beb3a03aeaaa14008c924a"}, {"answers": [{"answer_start": 444, "text": "Greg Olsen"}, {"answer_start": 444, "text": "Greg Olsen"}, {"answer_start": 449, "text": "Olsen"}], "question": "Who started at tight end for the Panthers?", "id": "56beb3a03aeaaa14008c924b"}, {"answers": [{"answer_start": 279, "text": "45"}, {"answer_start": 279, "text": "45"}, {"answer_start": 279, "text": "45"}], "question": "What is the record number of touchdowns Cam Newton has had? ", "id": "56bf6b303aeaaa14008c960b"}, {"answers": [{"answer_start": 396, "text": "99.4"}, {"answer_start": 396, "text": "99.4"}, {"answer_start": 396, "text": "99.4."}], "question": "What is the best QB ranking that Cam Newton holds?", "id": "56bf6b303aeaaa14008c960c"}, {"answers": [{"answer_start": 481, "text": "77 passes"}, {"answer_start": 481, "text": "77"}, {"answer_start": 481, "text": "77"}], "question": "What are the most passes that Greg Olsen has had?", "id": "56bf6b303aeaaa14008c960d"}, {"answers": [{"answer_start": 419, "text": "receivers"}, {"answer_start": 693, "text": "receivers"}, {"answer_start": 693, "text": "receivers"}], "question": "What position does Jerricho Cotchery play?", "id": "56bf6b303aeaaa14008c960e"}, {"answers": [{"answer_start": 964, "text": "Jonathan Stewart"}, {"answer_start": 964, "text": "Jonathan Stewart"}, {"answer_start": 964, "text": "Jonathan Stewart"}], "question": "Which Panthers RB scored 6 TDs in the 13 games leading up to Super Bowl 50?", "id": "56bf6b303aeaaa14008c960f"}, {"answers": [{"answer_start": 98, "text": "six"}, {"answer_start": 98, "text": "six"}, {"answer_start": 98, "text": "six"}], "question": "How many Offensive players from the Panthers were selected to play in the Pro Bowl?", "id": "56d6f2960d65d21400198286"}, {"answers": [{"answer_start": 144, "text": "Cam Newton"}, {"answer_start": 144, "text": "Cam Newton"}, {"answer_start": 144, "text": "Cam Newton"}], "question": "Who is the quarterback for the Carolina Panthers?", "id": "56d6f2960d65d21400198287"}, {"answers": [{"answer_start": 197, "text": "3,837"}, {"answer_start": 197, "text": "3,837"}, {"answer_start": 197, "text": "3,837"}], "question": "How many yards did Newton throw for in 2015?", "id": "56d6f2960d65d21400198288"}, {"answers": [{"answer_start": 279, "text": "45"}, {"answer_start": 279, "text": "45"}, {"answer_start": 279, "text": "45"}], "question": "How many touchdowns did Newton have in 2015?", "id": "56d6f2960d65d21400198289"}, {"answers": [{"answer_start": 98, "text": "six"}, {"answer_start": 1026, "text": "six"}, {"answer_start": 1026, "text": "six"}], "question": "How many touchdowns did Jonathan Stewart have in 13 games?", "id": "56d6f2960d65d2140019828a"}, {"answers": [{"answer_start": 52, "text": "500"}, {"answer_start": 52, "text": "500"}, {"answer_start": 52, "text": "500"}], "question": "How many points did Carolina lead the NFL in scoring for offensive plays?", "id": "56d997cddc89441400fdb586"}, {"answers": [{"answer_start": 197, "text": "3,837"}, {"answer_start": 197, "text": "3,837"}, {"answer_start": 197, "text": "3,837"}], "question": "how many yards did Newton get for passes in the 2015 season?", "id": "56d997cddc89441400fdb587"}, {"answers": [{"answer_start": 279, "text": "45"}, {"answer_start": 279, "text": "45"}, {"answer_start": 279, "text": "45"}], "question": "How many touchdowns did Newton get in the 2015 season?", "id": "56d997cddc89441400fdb588"}, {"answers": [{"answer_start": 396, "text": "99.4."}, {"answer_start": 396, "text": "99.4"}, {"answer_start": 396, "text": "99.4."}], "question": "What was Newton's quarterback rating for 2015?", "id": "56d997cddc89441400fdb589"}, {"answers": [{"answer_start": 588, "text": "39"}, {"answer_start": 739, "text": "39"}, {"answer_start": 739, "text": "39"}], "question": "How many receptions did Cotchery get for the 2015 season?", "id": "56d997cddc89441400fdb58a"}]}, {"context": "The Panthers defense gave up just 308 points, ranking sixth in the league, while also leading the NFL in interceptions with 24 and boasting four Pro Bowl selections. Pro Bowl defensive tackle Kawann Short led the team in sacks with 11, while also forcing three fumbles and recovering two. Fellow lineman Mario Addison added 6\u00bd sacks. The Panthers line also featured veteran defensive end Jared Allen, a 5-time pro bowler who was the NFL's active career sack leader with 136, along with defensive end Kony Ealy, who had 5 sacks in just 9 starts. Behind them, two of the Panthers three starting linebackers were also selected to play in the Pro Bowl: Thomas Davis and Luke Kuechly. Davis compiled 5\u00bd sacks, four forced fumbles, and four interceptions, while Kuechly led the team in tackles (118) forced two fumbles, and intercepted four passes of his own. Carolina's secondary featured Pro Bowl safety Kurt Coleman, who led the team with a career high seven interceptions, while also racking up 88 tackles and Pro Bowl cornerback Josh Norman, who developed into a shutdown corner during the season and had four interceptions, two of which were returned for touchdowns.", "qas": [{"answers": [{"answer_start": 34, "text": "308"}, {"answer_start": 34, "text": "308"}, {"answer_start": 34, "text": "308"}], "question": "How many points did the Panthers defense surrender?", "id": "56beb4343aeaaa14008c925b"}, {"answers": [{"answer_start": 470, "text": "136"}, {"answer_start": 470, "text": "136"}, {"answer_start": 470, "text": "136"}], "question": "How many career sacks did Jared Allen have?", "id": "56beb4343aeaaa14008c925c"}, {"answers": [{"answer_start": 789, "text": "118"}, {"answer_start": 789, "text": "118"}, {"answer_start": 789, "text": "118"}], "question": "How many tackles did Luke Kuechly register?", "id": "56beb4343aeaaa14008c925d"}, {"answers": [{"answer_start": 140, "text": "four"}, {"answer_start": 1104, "text": "four"}, {"answer_start": 1104, "text": "four"}], "question": "How many balls did Josh Norman intercept?", "id": "56beb4343aeaaa14008c925e"}, {"answers": [{"answer_start": 192, "text": "Kawann Short"}, {"answer_start": 192, "text": "Kawann Short"}, {"answer_start": 199, "text": "Short"}], "question": "Who registered the most sacks on the team this season?", "id": "56beb4343aeaaa14008c925f"}, {"answers": [{"answer_start": 124, "text": "24"}, {"answer_start": 124, "text": "24"}, {"answer_start": 124, "text": "24"}], "question": "How many interceptions are the Panthers defense credited with in 2015?", "id": "56d6f3500d65d21400198290"}, {"answers": [{"answer_start": 192, "text": "Kawann Short"}, {"answer_start": 192, "text": "Kawann Short"}, {"answer_start": 199, "text": "Short"}], "question": "Who led the Panthers in sacks?", "id": "56d6f3500d65d21400198291"}, {"answers": [{"answer_start": 140, "text": "four"}, {"answer_start": 140, "text": "four"}, {"answer_start": 140, "text": "four"}], "question": "How many Panthers defense players were selected for the Pro Bowl?", "id": "56d6f3500d65d21400198292"}, {"answers": [{"answer_start": 140, "text": "four"}, {"answer_start": 695, "text": "5\u00bd"}, {"answer_start": 705, "text": "four"}], "question": "How many forced fumbles did Thomas Davis have?", "id": "56d6f3500d65d21400198293"}, {"answers": [{"answer_start": 900, "text": "Kurt Coleman"}, {"answer_start": 900, "text": "Kurt Coleman"}, {"answer_start": 905, "text": "Coleman"}], "question": "Which player had the most interceptions for the season?", "id": "56d6f3500d65d21400198294"}, {"answers": [{"answer_start": 124, "text": "24"}, {"answer_start": 124, "text": "24"}, {"answer_start": 124, "text": "24"}], "question": "How many 2015 season interceptions did the Panthers' defense get?", "id": "56d9992fdc89441400fdb59c"}, {"answers": [{"answer_start": 500, "text": "Kony Ealy"}, {"answer_start": 500, "text": "Kony Ealy"}], "question": "Who had five sacks in nine games as a Carolina Panthers starter?", "id": "56d9992fdc89441400fdb59e"}, {"answers": [{"answer_start": 666, "text": "Luke Kuechly."}, {"answer_start": 666, "text": "Luke Kuechly"}, {"answer_start": 199, "text": "Short"}], "question": "Who was the Panthers' tackle leader for 2015?", "id": "56d9992fdc89441400fdb59f"}, {"answers": [{"answer_start": 284, "text": "two."}, {"answer_start": 1124, "text": "two"}, {"answer_start": 124, "text": "24"}], "question": "How many interceptions did Josh Norman score touchdowns with in 2015?", "id": "56d9992fdc89441400fdb5a0"}]}, {"context": "Following their loss in the divisional round of the previous season's playoffs, the Denver Broncos underwent numerous coaching changes, including a mutual parting with head coach John Fox (who had won four divisional championships in his four years as Broncos head coach), and the hiring of Gary Kubiak as the new head coach. Under Kubiak, the Broncos planned to install a run-oriented offense with zone blocking to blend in with quarterback Peyton Manning's shotgun passing skills, but struggled with numerous changes and injuries to the offensive line, as well as Manning having his worst statistical season since his rookie year with the Indianapolis Colts in 1998, due to a plantar fasciitis injury in his heel that he had suffered since the summer, and the simple fact that Manning was getting old, as he turned 39 in the 2015 off-season. Although the team had a 7\u20130 start, Manning led the NFL in interceptions. In week 10, Manning suffered a partial tear of the plantar fasciitis in his left foot. He set the NFL's all-time record for career passing yards in this game, but was benched after throwing four interceptions in favor of backup quarterback Brock Osweiler, who took over as the starter for most of the remainder of the regular season. Osweiler was injured, however, leading to Manning's return during the Week 17 regular season finale, where the Broncos were losing 13\u20137 against the 4\u201311 San Diego Chargers, resulting in Manning re-claiming the starting quarterback position for the playoffs by leading the team to a key 27\u201320 win that enabled the team to clinch the number one overall AFC seed. Under defensive coordinator Wade Phillips, the Broncos' defense ranked number one in total yards allowed, passing yards allowed and sacks, and like the previous three seasons, the team has continued to set numerous individual, league and franchise records. With the defense carrying the team despite the issues with the offense, the Broncos finished the regular season with a 12\u20134 record and earned home-field advantage throughout the AFC playoffs.", "qas": [{"answers": [{"answer_start": 291, "text": "Gary Kubiak"}, {"answer_start": 291, "text": "Gary Kubiak"}, {"answer_start": 332, "text": "Kubiak"}], "question": "Who is the head coach of the Broncos?", "id": "56beb4e43aeaaa14008c9265"}, {"answers": [{"answer_start": 1157, "text": "Brock Osweiler"}, {"answer_start": 1157, "text": "Brock Osweiler"}, {"answer_start": 1163, "text": "Osweiler"}], "question": "Who played quarterback for the Broncos after Peyton Manning was benched?", "id": "56beb4e43aeaaa14008c9266"}, {"answers": [{"answer_start": 641, "text": "Indianapolis Colts"}, {"answer_start": 637, "text": "the Indianapolis Colts"}, {"answer_start": 654, "text": "Colts"}], "question": "Who did Peyton Manning play for as a rookie?", "id": "56beb4e43aeaaa14008c9267"}, {"answers": [{"answer_start": 1404, "text": "San Diego Chargers"}, {"answer_start": 1404, "text": "San Diego Chargers"}, {"answer_start": 1414, "text": "Chargers"}], "question": "Who did the Broncos play in the last week of the regular season?", "id": "56beb4e43aeaaa14008c9268"}, {"answers": [{"answer_start": 1640, "text": "Wade Phillips"}, {"answer_start": 1640, "text": "Wade Phillips"}, {"answer_start": 1645, "text": "Phillips"}], "question": "Who is Denver's defensive coordinator?", "id": "56beb4e43aeaaa14008c9269"}, {"answers": [{"answer_start": 201, "text": "four"}, {"answer_start": 238, "text": "four"}, {"answer_start": 238, "text": "four"}], "question": "How many years was John Fox the head coach of the Denver Broncos?", "id": "56bf301c3aeaaa14008c954d"}, {"answers": [{"answer_start": 291, "text": "Gary Kubiak"}, {"answer_start": 291, "text": "Gary Kubiak"}, {"answer_start": 332, "text": "Kubiak"}], "question": "What is the name of the Bronco's head coach, who was hired after John Fox? ", "id": "56bf301c3aeaaa14008c954e"}, {"answers": [{"answer_start": 641, "text": "Indianapolis Colts"}, {"answer_start": 637, "text": "the Indianapolis Colts"}, {"answer_start": 663, "text": "1998"}], "question": "What was the first team Peyton Manning began playing for?", "id": "56bf301c3aeaaa14008c954f"}, {"answers": [{"answer_start": 817, "text": "39"}, {"answer_start": 817, "text": "39"}, {"answer_start": 817, "text": "39"}], "question": "How old was Peyton Manning in 2015?", "id": "56bf301c3aeaaa14008c9550"}, {"answers": [{"answer_start": 678, "text": "plantar fasciitis"}, {"answer_start": 946, "text": "a partial tear of the plantar fasciitis"}], "question": "In the 10th week of the 2015 season, what injury was Peyton Manning dealing with?", "id": "56bf301c3aeaaa14008c9551"}, {"answers": [{"answer_start": 291, "text": "Gary Kubiak"}, {"answer_start": 291, "text": "Gary Kubiak"}, {"answer_start": 332, "text": "Kubiak"}], "question": "When John Fox left as head coach for the Broncos, who replaced him?", "id": "56d6f4030d65d2140019829a"}, {"answers": [{"answer_start": 442, "text": "Peyton Manning"}, {"answer_start": 442, "text": "Peyton Manning"}, {"answer_start": 566, "text": "Manning"}], "question": "Who was the quarterback for the Broncos 2015 season?", "id": "56d6f4030d65d2140019829b"}, {"answers": [{"answer_start": 676, "text": "a plantar fasciitis injury"}, {"answer_start": 676, "text": "a plantar fasciitis injury"}, {"answer_start": 678, "text": "plantar fasciitis"}], "question": "What injury did Manning suffer the summer before the season started?", "id": "56d6f4030d65d2140019829c"}, {"answers": [{"answer_start": 817, "text": "39"}, {"answer_start": 817, "text": "39"}, {"answer_start": 817, "text": "39"}], "question": "How old was Manning at the beginning of the 2015 season?", "id": "56d6f4030d65d2140019829d"}, {"answers": [{"answer_start": 201, "text": "four"}, {"answer_start": 1991, "text": "4"}, {"answer_start": 1991, "text": "4"}], "question": "How many games did the Broncos lose during their regular 2015 season?", "id": "56d6f4030d65d2140019829e"}, {"answers": [{"answer_start": 179, "text": "John Fox"}, {"answer_start": 179, "text": "John Fox"}, {"answer_start": 184, "text": "Fox"}], "question": "What coach left the Broncos after the season prior to Super Bowl 50?", "id": "56d99b7bdc89441400fdb5c8"}, {"answers": [{"answer_start": 442, "text": "Peyton Manning"}, {"answer_start": 442, "text": "Peyton Manning"}, {"answer_start": 566, "text": "Manning"}], "question": "According to game stats, which Super Bowl 50 quarterback had his worst year since his first season as a player in the NFL?", "id": "56d99b7bdc89441400fdb5c9"}, {"answers": [{"answer_start": 291, "text": "Gary Kubiak"}, {"answer_start": 291, "text": "Gary Kubiak"}, {"answer_start": 296, "text": "Kubiak"}], "question": "Who was the Denver head coach for Super Bowl 50?", "id": "56d99b7bdc89441400fdb5ca"}, {"answers": [{"answer_start": 993, "text": "left foot."}, {"answer_start": 993, "text": "left"}, {"answer_start": 993, "text": "left"}], "question": "What foot was injured on Manning that sidelined him in week 10?", "id": "56d99b7bdc89441400fdb5cb"}, {"answers": [{"answer_start": 1640, "text": "Wade Phillips"}, {"answer_start": 1640, "text": "Wade Phillips"}, {"answer_start": 1645, "text": "Phillips"}], "question": "Who was the defensive coordinator for the Broncos in 2015?", "id": "56d99b7bdc89441400fdb5cc"}]}, {"context": "Manning finished the year with a career-low 67.9 passer rating, throwing for 2,249 yards and nine touchdowns, with 17 interceptions. In contrast, Osweiler threw for 1,967 yards, 10 touchdowns and six interceptions for a rating of 86.4. Veteran receiver Demaryius Thomas led the team with 105 receptions for 1,304 yards and six touchdowns, while Emmanuel Sanders caught 76 passes for 1,135 yards and six scores, while adding another 106 yards returning punts. Tight end Owen Daniels was also a big element of the passing game with 46 receptions for 517 yards. Running back C. J. Anderson was the team's leading rusher 863 yards and seven touchdowns, while also catching 25 passes for 183 yards. Running back Ronnie Hillman also made a big impact with 720 yards, five touchdowns, 24 receptions, and a 4.7 yards per carry average. Overall, the offense ranked 19th in scoring with 355 points and did not have any Pro Bowl selections.", "qas": [{"answers": [{"answer_start": 44, "text": "67.9"}, {"answer_start": 44, "text": "67.9"}, {"answer_start": 44, "text": "67.9"}], "question": "What was Peyton Manning's passer rating for the season?", "id": "56beb57b3aeaaa14008c9279"}, {"answers": [{"answer_start": 115, "text": "17"}, {"answer_start": 115, "text": "17"}, {"answer_start": 115, "text": "17"}], "question": "How many picks did Peyton Manning throw in the season?", "id": "56beb57b3aeaaa14008c927a"}, {"answers": [{"answer_start": 253, "text": "Demaryius Thomas"}, {"answer_start": 253, "text": "Demaryius Thomas"}, {"answer_start": 263, "text": "Thomas"}], "question": "Who registered the most receptions on the Broncos?", "id": "56beb57b3aeaaa14008c927b"}, {"answers": [{"answer_start": 572, "text": "C. J. Anderson"}, {"answer_start": 572, "text": "C. J. Anderson"}, {"answer_start": 578, "text": "Anderson"}], "question": "Who had the most rushing yards on the Broncos?", "id": "56beb57b3aeaaa14008c927c"}, {"answers": [{"answer_start": 178, "text": "10"}, {"answer_start": 178, "text": "10"}, {"answer_start": 178, "text": "10"}], "question": "How many touchdowns did Brock Osweiler throw in the season?", "id": "56beb57b3aeaaa14008c927d"}, {"answers": [{"answer_start": 44, "text": "67.9"}, {"answer_start": 44, "text": "67.9"}, {"answer_start": 44, "text": "67.9"}], "question": "What was the passer rating for Peyton Manning that he finished out with for the season? ", "id": "56bf38383aeaaa14008c956b"}, {"answers": [{"answer_start": 77, "text": "2,249"}, {"answer_start": 77, "text": "2,249"}, {"answer_start": 77, "text": "2,249"}], "question": "How may yards did Peyton Manning throw?", "id": "56bf38383aeaaa14008c956c"}, {"answers": [{"answer_start": 93, "text": "nine"}, {"answer_start": 115, "text": "17"}, {"answer_start": 33, "text": "career-low 67.9 passer rating,"}], "question": "What was the number of 17 interceptions that Peyton Manning had by end of the year?", "id": "56bf38383aeaaa14008c956d"}, {"answers": [{"answer_start": 253, "text": "Demaryius Thomas"}, {"answer_start": 253, "text": "Demaryius Thomas"}, {"answer_start": 263, "text": "Thomas"}], "question": "Who had the most receptions out of all players for the year?", "id": "56bf38383aeaaa14008c956e"}, {"answers": [{"answer_start": 244, "text": "receiver"}, {"answer_start": 244, "text": "receiver"}, {"answer_start": 263, "text": "Thomas"}], "question": "What position does Demaryius Thomas play?", "id": "56bf38383aeaaa14008c956f"}, {"answers": [{"answer_start": 44, "text": "67.9"}, {"answer_start": 44, "text": "67.9"}, {"answer_start": 44, "text": "67.9"}], "question": "What was Manning's passer rating at the end of the season?", "id": "56d6fe0b0d65d214001982a4"}, {"answers": [{"answer_start": 115, "text": "17"}, {"answer_start": 115, "text": "17"}, {"answer_start": 115, "text": "17"}], "question": "How many times was Manning intercepted during the 2015 season?", "id": "56d6fe0b0d65d214001982a5"}, {"answers": [{"answer_start": 253, "text": "Demaryius Thomas"}, {"answer_start": 253, "text": "Demaryius Thomas"}, {"answer_start": 263, "text": "Thomas"}], "question": "Who led the Broncos with 105 receptions?", "id": "56d6fe0b0d65d214001982a6"}, {"answers": [{"answer_start": 290, "text": "5"}, {"answer_start": 761, "text": "five"}, {"answer_start": 761, "text": "five"}], "question": "How many touchdowns did Ronnie Hillman make?", "id": "56d6fe0b0d65d214001982a7"}, {"answers": [{"answer_start": 44, "text": "67.9"}, {"answer_start": 44, "text": "67.9"}, {"answer_start": 44, "text": "67.9"}], "question": "What was Manning's passer rating for the 2015 season?", "id": "56d99c44dc89441400fdb5d6"}, {"answers": [{"answer_start": 115, "text": "17"}, {"answer_start": 115, "text": "17"}, {"answer_start": 115, "text": "17"}], "question": "How many interceptions did manning have in 2015?", "id": "56d99c44dc89441400fdb5d7"}, {"answers": [{"answer_start": 345, "text": "Emmanuel Sanders"}, {"answer_start": 345, "text": "Emmanuel Sanders"}, {"answer_start": 354, "text": "Sanders"}], "question": "What Denver player caught the ball 76 times in the 2015 season?", "id": "56d99c44dc89441400fdb5d8"}, {"answers": [{"answer_start": 572, "text": "C. J. Anderson"}, {"answer_start": 572, "text": "C. J. Anderson"}, {"answer_start": 578, "text": "Anderson"}], "question": "Who was the Broncos' leading rusher for the 2015 season?", "id": "56d99c44dc89441400fdb5d9"}, {"answers": [{"answer_start": 799, "text": "4.7"}, {"answer_start": 799, "text": "4.7"}, {"answer_start": 799, "text": "4.7"}], "question": "What was Ronnie Hillman's average yards per carry in 2015?", "id": "56d99c44dc89441400fdb5da"}]}, {"context": "The Broncos' defense ranked first in the NFL yards allowed (4,530) for the first time in franchise history, and fourth in points allowed (296). Defensive ends Derek Wolfe and Malik Jackson each had 5\u00bd sacks. Pro Bowl linebacker Von Miller led the team with 11 sacks, forced four fumbles, and recovered three. Linebacker DeMarcus Ware was selected to play in the Pro Bowl for the ninth time in his career, ranking second on the team with 7\u00bd sacks. Linebacker Brandon Marshall led the team in total tackles with 109, while Danny Trevathan ranked second with 102. Cornerbacks Aqib Talib (three interceptions) and Chris Harris, Jr. (two interceptions) were the other two Pro Bowl selections from the defense.", "qas": [{"answers": [{"answer_start": 60, "text": "4,530"}, {"answer_start": 60, "text": "4,530"}, {"answer_start": 60, "text": "4,530"}], "question": "How many yards did the Broncos' defense give up?", "id": "56beb6533aeaaa14008c928d"}, {"answers": [{"answer_start": 198, "text": "5\u00bd"}, {"answer_start": 198, "text": "5\u00bd"}, {"answer_start": 198, "text": "5\u00bd"}], "question": "How many sacks did Derek Wolfe register?", "id": "56beb6533aeaaa14008c928e"}, {"answers": [{"answer_start": 458, "text": "Brandon Marshall"}, {"answer_start": 458, "text": "Brandon Marshall"}, {"answer_start": 466, "text": "Marshall"}], "question": "Who was first on the team in total tackles?", "id": "56beb6533aeaaa14008c9290"}, {"answers": [{"answer_start": 302, "text": "three"}, {"answer_start": 585, "text": "three"}, {"answer_start": 585, "text": "three"}], "question": "How many picks did Aqib Talib have?", "id": "56beb6533aeaaa14008c9291"}, {"answers": [{"answer_start": 309, "text": "Linebacker"}, {"answer_start": 309, "text": "Linebacker"}, {"answer_start": 309, "text": "Linebacker"}], "question": "What position does DeMarcus currently play? ", "id": "56bf3e803aeaaa14008c9588"}, {"answers": [{"answer_start": 309, "text": "Linebacker"}, {"answer_start": 447, "text": "Linebacker"}, {"answer_start": 447, "text": "Linebacker"}], "question": "What position does Brandon Marshall currently play? ", "id": "56bf3e803aeaaa14008c9589"}, {"answers": [{"answer_start": 144, "text": "Defensive ends"}, {"answer_start": 144, "text": "Defensive ends"}, {"answer_start": 144, "text": "Defensive ends"}], "question": "What is the position Derek Wolfe plays currently? ", "id": "56bf3e803aeaaa14008c958b"}, {"answers": [{"answer_start": 138, "text": "296"}, {"answer_start": 138, "text": "296"}, {"answer_start": 138, "text": "296"}], "question": "How many points did the Broncos defense allow their opponents to get?", "id": "56d6fea90d65d214001982ae"}, {"answers": [{"answer_start": 228, "text": "Von Miller"}, {"answer_start": 228, "text": "Von Miller"}, {"answer_start": 232, "text": "Miller"}], "question": "Which linebacker had the most sacks on the team?", "id": "56d6fea90d65d214001982af"}, {"answers": [{"answer_start": 458, "text": "Brandon Marshall"}, {"answer_start": 458, "text": "Brandon Marshall"}, {"answer_start": 466, "text": "Marshall"}], "question": "Which linebacker led the Broncos in tackles?", "id": "56d6fea90d65d214001982b0"}, {"answers": [{"answer_start": 302, "text": "three."}, {"answer_start": 585, "text": "three"}, {"answer_start": 585, "text": "three"}], "question": "How many interceptions did Aqib Talib have for the regular season?", "id": "56d6fea90d65d214001982b2"}, {"answers": [{"answer_start": 228, "text": "Von Miller"}, {"answer_start": 228, "text": "Von Miller"}, {"answer_start": 232, "text": "Miller"}], "question": "Who forced four fumbles for the Broncos in the 2015 season?", "id": "56d99da8dc89441400fdb5fd"}, {"answers": [{"answer_start": 447, "text": "Linebacker Brandon Marshall"}, {"answer_start": 458, "text": "Brandon Marshall"}, {"answer_start": 466, "text": "Marshall"}], "question": "What Denver player had 109 tackels for the 2015 season?", "id": "56d99da8dc89441400fdb5ff"}, {"answers": [{"answer_start": 159, "text": "Derek Wolfe and Malik Jackson"}, {"answer_start": 159, "text": "Derek Wolfe and Malik Jackson"}], "question": "What two Denver players ranked at 5 percent for sacks?", "id": "56d99da8dc89441400fdb600"}]}, {"context": "The Panthers beat the Seattle Seahawks in the divisional round, running up a 31\u20130 halftime lead and then holding off a furious second half comeback attempt to win 31\u201324, avenging their elimination from a year earlier. The Panthers then blew out the Arizona Cardinals in the NFC Championship Game, 49\u201315, racking up 487 yards and forcing seven turnovers.", "qas": [{"answers": [{"answer_start": 22, "text": "Seattle Seahawks"}, {"answer_start": 18, "text": "the Seattle Seahawks"}, {"answer_start": 30, "text": "Seahawks"}], "question": "Who lost to the Panthers in the divisional round of the playoffs?", "id": "56beb6f23aeaaa14008c92a1"}, {"answers": [{"answer_start": 249, "text": "Arizona Cardinals"}, {"answer_start": 249, "text": "Arizona Cardinals"}, {"answer_start": 257, "text": "Cardinals"}], "question": "Who did the Panthers face in the NFC Championship Game?", "id": "56beb6f23aeaaa14008c92a2"}, {"answers": [{"answer_start": 315, "text": "487"}, {"answer_start": 315, "text": "487"}, {"answer_start": 315, "text": "487"}], "question": "How many total yards did the Panthers have in the NFC Championship?", "id": "56beb6f23aeaaa14008c92a3"}, {"answers": [{"answer_start": 337, "text": "seven"}, {"answer_start": 337, "text": "seven"}, {"answer_start": 337, "text": "seven"}], "question": "How many times did Arizona turn the ball over in the NFC Championship?", "id": "56beb6f23aeaaa14008c92a4"}, {"answers": [{"answer_start": 163, "text": "31\u201324"}, {"answer_start": 163, "text": "31\u201324"}, {"answer_start": 163, "text": "31\u201324"}], "question": "What was the final score of the game between the Panthers and the Seahawks?", "id": "56beb6f23aeaaa14008c92a5"}, {"answers": [{"answer_start": 22, "text": "Seattle Seahawks"}, {"answer_start": 18, "text": "the Seattle Seahawks"}, {"answer_start": 30, "text": "Seahawks"}], "question": "What was the team the Carolina Panthers played immediately prior to the NFC Championship game? ", "id": "56bf34293aeaaa14008c9559"}, {"answers": [{"answer_start": 163, "text": "31\u201324"}, {"answer_start": 163, "text": "31\u201324"}, {"answer_start": 163, "text": "31\u201324,"}], "question": "What was the score of the last game the Carolina Panthers played prior to the NFC Championship?", "id": "56bf34293aeaaa14008c955a"}, {"answers": [{"answer_start": 315, "text": "487"}, {"answer_start": 315, "text": "487"}, {"answer_start": 315, "text": "487"}], "question": "How many yards did the Carolina Panthers gain in the 487 in the NFC Championship Game?", "id": "56bf34293aeaaa14008c955b"}, {"answers": [{"answer_start": 22, "text": "Seattle Seahawks"}, {"answer_start": 18, "text": "the Seattle Seahawks"}, {"answer_start": 30, "text": "Seahawks"}], "question": "Who did Carolina beat in the divisional round?", "id": "56d701280d65d214001982b8"}, {"answers": [{"answer_start": 249, "text": "Arizona Cardinals"}, {"answer_start": 245, "text": "the Arizona Cardinals"}, {"answer_start": 257, "text": "Cardinals"}], "question": "Who did the Panthers play to advance to the Super Bowl?", "id": "56d701280d65d214001982ba"}, {"answers": [{"answer_start": 337, "text": "seven"}, {"answer_start": 337, "text": "seven"}, {"answer_start": 337, "text": "seven"}], "question": "How many turnovers did the Panthers force during the NFC Championship game?", "id": "56d701280d65d214001982bc"}, {"answers": [{"answer_start": 22, "text": "Seattle Seahawks"}, {"answer_start": 18, "text": "the Seattle Seahawks"}, {"answer_start": 30, "text": "Seahawks"}], "question": "Who did the Panthers beat in the divisional round?", "id": "56d99e78dc89441400fdb616"}, {"answers": [{"answer_start": 297, "text": "49\u201315"}, {"answer_start": 297, "text": "49\u201315"}, {"answer_start": 297, "text": "49\u201315,"}], "question": "What was the score for the 2015 NFC championship game?", "id": "56d99e78dc89441400fdb618"}, {"answers": [{"answer_start": 249, "text": "Arizona Cardinals"}, {"answer_start": 18, "text": "the Seattle Seahawks"}, {"answer_start": 257, "text": "Cardinals"}], "question": "Who did the Panthers play in their division championship game?", "id": "56d99e78dc89441400fdb619"}, {"answers": [{"answer_start": 315, "text": "487"}, {"answer_start": 315, "text": "487"}], "question": "How many yards did the Panthers get for the division championshipt game?", "id": "56d99e78dc89441400fdb61a"}]}, {"context": "The Broncos defeated the Pittsburgh Steelers in the divisional round, 23\u201316, by scoring 11 points in the final three minutes of the game. They then beat the defending Super Bowl XLIX champion New England Patriots in the AFC Championship Game, 20\u201318, by intercepting a pass on New England's 2-point conversion attempt with 17 seconds left on the clock. Despite Manning's problems with interceptions during the season, he didn't throw any in their two playoff games.", "qas": [{"answers": [{"answer_start": 25, "text": "Pittsburgh Steelers"}, {"answer_start": 21, "text": "the Pittsburgh Steelers"}, {"answer_start": 36, "text": "Steelers"}], "question": "Who lost to the Broncos in the divisional round?", "id": "56beb7953aeaaa14008c92ab"}, {"answers": [{"answer_start": 88, "text": "11"}, {"answer_start": 88, "text": "11"}, {"answer_start": 88, "text": "11"}], "question": "How many points did the Broncos score in the last three minutes of the game versus Pittsburgh?", "id": "56beb7953aeaaa14008c92ac"}, {"answers": [{"answer_start": 192, "text": "New England Patriots"}, {"answer_start": 192, "text": "New England Patriots"}, {"answer_start": 204, "text": "Patriots"}], "question": "Who won Super Bowl XLIX?", "id": "56beb7953aeaaa14008c92ad"}, {"answers": [{"answer_start": 243, "text": "20\u201318"}, {"answer_start": 243, "text": "20\u201318"}, {"answer_start": 243, "text": "20\u201318,"}], "question": "What was the final score of the AFC Championship Game?", "id": "56beb7953aeaaa14008c92ae"}, {"answers": [{"answer_start": 322, "text": "17 seconds"}, {"answer_start": 322, "text": "17 seconds"}, {"answer_start": 322, "text": "17"}], "question": "How much time remained on the clock when the Broncos made the interception that clinched the AFC Championship Game?", "id": "56beb7953aeaaa14008c92af"}, {"answers": [{"answer_start": 4, "text": "Broncos"}, {"answer_start": 0, "text": "The Broncos"}, {"answer_start": 4, "text": "Broncos"}], "question": "What team was the divisional round winner between the Broncos and Steelers?", "id": "56bf36b93aeaaa14008c9561"}, {"answers": [{"answer_start": 70, "text": "23\u201316"}, {"answer_start": 70, "text": "23\u201316"}, {"answer_start": 68, "text": ", 23\u201316,"}], "question": "What was the final score of the game between the Broncos and Steelers?", "id": "56bf36b93aeaaa14008c9562"}, {"answers": [{"answer_start": 192, "text": "New England Patriots"}, {"answer_start": 192, "text": "New England Patriots"}, {"answer_start": 204, "text": "Patriots"}], "question": "Who won Super Bowl XLIX?", "id": "56bf36b93aeaaa14008c9563"}, {"answers": [{"answer_start": 322, "text": "17"}, {"answer_start": 322, "text": "17 seconds"}, {"answer_start": 322, "text": "17"}], "question": "How many seconds were left in the game when the Broncos intercepted the pass that won the game?", "id": "56bf36b93aeaaa14008c9564"}, {"answers": [{"answer_start": 360, "text": "Manning"}, {"answer_start": 360, "text": "Manning"}], "question": "During the Bronco's playoff games, who did not throw at all?", "id": "56bf36b93aeaaa14008c9565"}, {"answers": [{"answer_start": 25, "text": "Pittsburgh Steelers"}, {"answer_start": 21, "text": "the Pittsburgh Steelers"}, {"answer_start": 36, "text": "Steelers"}], "question": "Who did the Broncos beat in the divisional game?", "id": "56d7018a0d65d214001982c2"}, {"answers": [{"answer_start": 88, "text": "11"}, {"answer_start": 88, "text": "11"}, {"answer_start": 88, "text": "11"}], "question": "How many points did the Broncos score in the final three minutes of the Pittsburgh game?", "id": "56d7018a0d65d214001982c3"}, {"answers": [{"answer_start": 192, "text": "New England Patriots"}, {"answer_start": 192, "text": "New England Patriots"}, {"answer_start": 204, "text": "Patriots"}], "question": "Who did the Broncos defeat in the AFC Championship game?", "id": "56d7018a0d65d214001982c5"}, {"answers": [{"answer_start": 25, "text": "Pittsburgh Steelers"}, {"answer_start": 25, "text": "Pittsburgh Steelers"}, {"answer_start": 36, "text": "Steelers"}], "question": "Who did the Broncos beat to win their division in 2015?", "id": "56d99f99dc89441400fdb628"}, {"answers": [{"answer_start": 192, "text": "New England Patriots"}, {"answer_start": 192, "text": "New England Patriots"}, {"answer_start": 204, "text": "Patriots"}], "question": "Who did the Broncos beat tp become the AFC champions?", "id": "56d99f99dc89441400fdb629"}, {"answers": [{"answer_start": 322, "text": "17"}, {"answer_start": 322, "text": "17"}, {"answer_start": 322, "text": "17"}], "question": "How many seconds were left in the game when the Patriots failed their 2-point conversion?", "id": "56d99f99dc89441400fdb62c"}]}, {"context": "Carolina suffered a major setback when Thomas Davis, an 11-year veteran who had already overcome three ACL tears in his career, went down with a broken arm in the NFC Championship Game. Despite this, he insisted he would still find a way to play in the Super Bowl. His prediction turned out to be accurate.", "qas": [{"answers": [{"answer_start": 39, "text": "Thomas Davis"}, {"answer_start": 39, "text": "Thomas Davis,"}, {"answer_start": 46, "text": "Davis"}], "question": "What Carolina player was injured in the NFC Championship Game?", "id": "56beb7fd3aeaaa14008c92b5"}, {"answers": [{"answer_start": 143, "text": "a broken arm"}, {"answer_start": 143, "text": "a broken arm"}, {"answer_start": 145, "text": "broken arm"}], "question": "What injury did Thomas Davis suffer in the NFC Championship?", "id": "56beb7fd3aeaaa14008c92b6"}, {"answers": [{"answer_start": 97, "text": "three"}, {"answer_start": 97, "text": "three"}, {"answer_start": 97, "text": "three"}], "question": "How many times had Thomas Davis torn his ACL in his career?", "id": "56beb7fd3aeaaa14008c92b7"}, {"answers": [{"answer_start": 56, "text": "11"}, {"answer_start": 56, "text": "11"}, {"answer_start": 56, "text": "11"}], "question": "How many years has Thomas Davis played in the NFL?", "id": "56beb7fd3aeaaa14008c92b8"}, {"answers": [{"answer_start": 103, "text": "ACL tears"}, {"answer_start": 103, "text": "ACL tears"}, {"answer_start": 103, "text": "ACL"}], "question": "What injury did Thomas Davis suffer from repeatedly, for a total of three times, during his career?", "id": "56bf3a223aeaaa14008c9575"}, {"answers": [{"answer_start": 152, "text": "arm"}, {"answer_start": 152, "text": "arm"}, {"answer_start": 152, "text": "arm"}], "question": "What body part did Thomas Davis break during the NFC Championship Game?", "id": "56bf3a223aeaaa14008c9576"}, {"answers": [{"answer_start": 56, "text": "11"}, {"answer_start": 56, "text": "11"}, {"answer_start": 56, "text": "11"}], "question": "How many years has Thomas Davis played in the NFL?", "id": "56bf3a223aeaaa14008c9577"}, {"answers": [{"answer_start": 253, "text": "Super Bowl"}, {"answer_start": 249, "text": "the Super Bowl"}, {"answer_start": 253, "text": "Super Bowl"}], "question": "What game did Thomas Davis say he would play in, despite breaking a bone earlier on?", "id": "56bf3a223aeaaa14008c9579"}, {"answers": [{"answer_start": 97, "text": "three"}, {"answer_start": 97, "text": "three"}, {"answer_start": 97, "text": "three"}], "question": "How many ACL injuries has Thomas Davis had during his career?", "id": "56d703d10d65d214001982d6"}, {"answers": [{"answer_start": 145, "text": "broken arm"}, {"answer_start": 143, "text": "a broken arm"}, {"answer_start": 145, "text": "broken arm"}], "question": "What injury did Thomas Davis suffer during the playoff games?", "id": "56d703d10d65d214001982d7"}, {"answers": [{"answer_start": 56, "text": "11"}, {"answer_start": 56, "text": "11"}, {"answer_start": 56, "text": "11"}], "question": "How many years had Thomas Davis played in the league when he broke his arm during the NFC Championship game?", "id": "56d703d10d65d214001982d8"}, {"answers": [{"answer_start": 39, "text": "Thomas Davis"}, {"answer_start": 39, "text": "Thomas Davis"}, {"answer_start": 46, "text": "Davis"}], "question": "Who suffered a broken arm in the NFC Championship Game?", "id": "56d9a026dc89441400fdb632"}]}, {"context": "Peyton Manning became the first quarterback ever to lead two different teams to multiple Super Bowls. He is also the oldest quarterback ever to play in a Super Bowl at age 39. The past record was held by John Elway, who led the Broncos to victory in Super Bowl XXXIII at age 38 and is currently Denver's Executive Vice President of Football Operations and General Manager.", "qas": [{"answers": [{"answer_start": 172, "text": "39"}, {"answer_start": 172, "text": "39"}, {"answer_start": 172, "text": "39"}, {"answer_start": 172, "text": "39"}], "question": "How old was Peyton Manning when he played in Super Bowl 50?", "id": "56beb86b3aeaaa14008c92bd"}, {"answers": [{"answer_start": 204, "text": "John Elway"}, {"answer_start": 204, "text": "John Elway"}, {"answer_start": 209, "text": "Elway"}, {"answer_start": 209, "text": "Elway"}], "question": "Who previously held the record for being the oldest quarterback to play in a Super Bowl?", "id": "56beb86b3aeaaa14008c92be"}, {"answers": [{"answer_start": 275, "text": "38"}, {"answer_start": 275, "text": "38"}, {"answer_start": 275, "text": "38"}, {"answer_start": 275, "text": "38"}], "question": "How old was John Elway when he played in Super Bowl XXXIII?", "id": "56beb86b3aeaaa14008c92bf"}, {"answers": [{"answer_start": 304, "text": "Executive Vice President of Football Operations and General Manager"}, {"answer_start": 304, "text": "Executive Vice President of Football Operations and General Manager"}, {"answer_start": 304, "text": "Executive Vice President of Football Operations and General Manager."}, {"answer_start": 304, "text": "Executive Vice President of Football Operations and General Manager."}], "question": "What role does John Elway currently have in the Broncos franchise?", "id": "56beb86b3aeaaa14008c92c0"}, {"answers": [{"answer_start": 228, "text": "Broncos"}, {"answer_start": 224, "text": "the Broncos"}, {"answer_start": 228, "text": "Broncos"}, {"answer_start": 228, "text": "Broncos"}], "question": "Who did John Elway play for in Super Bowl XXXIII?", "id": "56beb86b3aeaaa14008c92c1"}, {"answers": [{"answer_start": 228, "text": "Broncos"}, {"answer_start": 224, "text": "the Broncos"}, {"answer_start": 228, "text": "Broncos"}, {"answer_start": 228, "text": "Broncos"}], "question": "What team was the winner of Super Bowl XXXIII?", "id": "56bf3fd53aeaaa14008c9591"}, {"answers": [{"answer_start": 204, "text": "John Elway"}, {"answer_start": 204, "text": "John Elway"}, {"answer_start": 209, "text": "Elway"}, {"answer_start": 209, "text": "Elway"}], "question": "Who is the General Manager for the Broncos?", "id": "56bf3fd53aeaaa14008c9592"}, {"answers": [{"answer_start": 275, "text": "38"}, {"answer_start": 275, "text": "38"}, {"answer_start": 275, "text": "38"}, {"answer_start": 275, "text": "38"}], "question": "How old was Elway during his Super Bowl XXXIII win?", "id": "56bf3fd53aeaaa14008c9593"}, {"answers": [{"answer_start": 0, "text": "Peyton Manning"}, {"answer_start": 0, "text": "Peyton Manning"}, {"answer_start": 7, "text": "Manning"}, {"answer_start": 7, "text": "Manning"}], "question": "Who has the record of being the oldest quarter back in any Super Bowl game?", "id": "56bf3fd53aeaaa14008c9594"}, {"answers": [{"answer_start": 57, "text": "two"}, {"answer_start": 57, "text": "two"}, {"answer_start": 57, "text": "two"}, {"answer_start": 57, "text": "two"}], "question": "How many teams has Manning played for that reached the Super Bowl, while he was on their team?", "id": "56bf3fd53aeaaa14008c9595"}, {"answers": [{"answer_start": 57, "text": "two"}, {"answer_start": 57, "text": "two"}, {"answer_start": 57, "text": "two"}, {"answer_start": 57, "text": "two"}], "question": "Peyton Manning took how many different teams to the Super Bowl?", "id": "56d704430d65d214001982de"}, {"answers": [{"answer_start": 0, "text": "Peyton Manning"}, {"answer_start": 0, "text": "Peyton Manning"}, {"answer_start": 7, "text": "Manning"}, {"answer_start": 7, "text": "Manning"}], "question": "Who is the oldest quarterback to play in a Super Bowl?", "id": "56d704430d65d214001982e0"}, {"answers": [{"answer_start": 204, "text": "John Elway"}, {"answer_start": 204, "text": "John Elway"}, {"answer_start": 209, "text": "Elway"}, {"answer_start": 209, "text": "Elway"}], "question": "Prior to Manning, who was the oldest quarterback to play in a Super Bowl?", "id": "56d704430d65d214001982e1"}, {"answers": [{"answer_start": 250, "text": "Super Bowl XXXIII"}, {"answer_start": 250, "text": "Super Bowl XXXIII"}, {"answer_start": 261, "text": "XXXIII"}, {"answer_start": 261, "text": "XXXIII"}], "question": "Which Super Bowl did Elway win at 38 years old?", "id": "56d704430d65d214001982e2"}, {"answers": [{"answer_start": 0, "text": "Peyton Manning"}, {"answer_start": 0, "text": "Peyton Manning"}, {"answer_start": 7, "text": "Manning"}, {"answer_start": 7, "text": "Manning"}], "question": "Who was the first quarterback to take two teams to more than one Super Bowl?", "id": "56d9a0eadc89441400fdb63e"}, {"answers": [{"answer_start": 172, "text": "39."}, {"answer_start": 172, "text": "39"}, {"answer_start": 172, "text": "39"}, {"answer_start": 172, "text": "39"}], "question": "How old was Manning when he played Super Bowl 50?", "id": "56d9a0eadc89441400fdb63f"}, {"answers": [{"answer_start": 204, "text": "John Elway"}, {"answer_start": 204, "text": "John Elway"}, {"answer_start": 209, "text": "Elway"}, {"answer_start": 209, "text": "Elway"}], "question": "What is the name of the quarterback who was 38 in Super Bowl XXXIII?", "id": "56d9a0eadc89441400fdb640"}]}, {"context": "This was the first Super Bowl to feature a quarterback on both teams who was the #1 pick in their draft classes. Manning was the #1 selection of the 1998 NFL draft, while Newton was picked first in 2011. The matchup also pits the top two picks of the 2011 draft against each other: Newton for Carolina and Von Miller for Denver. Manning and Newton also set the record for the largest age difference between opposing Super Bowl quarterbacks at 13 years and 48 days (Manning was 39, Newton was 26).", "qas": [{"answers": [{"answer_start": 149, "text": "1998"}, {"answer_start": 149, "text": "1998"}, {"answer_start": 149, "text": "1998"}], "question": "When was Manning picked #1 in the NFL Draft?", "id": "56beb90c3aeaaa14008c92c7"}, {"answers": [{"answer_start": 198, "text": "2011"}, {"answer_start": 198, "text": "2011"}, {"answer_start": 198, "text": "2011"}], "question": "When was Newton the first selection in the NFL Draft?", "id": "56beb90c3aeaaa14008c92c8"}, {"answers": [{"answer_start": 492, "text": "26"}, {"answer_start": 492, "text": "26"}, {"answer_start": 492, "text": "26"}], "question": "How old was Newton during Super Bowl 50?", "id": "56beb90c3aeaaa14008c92c9"}, {"answers": [{"answer_start": 443, "text": "13 years and 48 days"}, {"answer_start": 443, "text": "13 years and 48 days"}, {"answer_start": 443, "text": "13 years"}], "question": "How much older was Manning than Newton during Super Bowl 50?", "id": "56beb90c3aeaaa14008c92ca"}, {"answers": [{"answer_start": 306, "text": "Von Miller"}, {"answer_start": 306, "text": "Von Miller"}, {"answer_start": 310, "text": "Miller"}], "question": "Who was the #2 pick in the 2011 NFL Draft?", "id": "56beb90c3aeaaa14008c92cb"}, {"answers": [{"answer_start": 113, "text": "Manning"}, {"answer_start": 113, "text": "Manning"}, {"answer_start": 113, "text": "Manning"}], "question": "Who was considered to be the first choice in the NFL draft of 1998?", "id": "56bf41013aeaaa14008c959b"}, {"answers": [{"answer_start": 171, "text": "Newton"}, {"answer_start": 171, "text": "Newton"}, {"answer_start": 171, "text": "Newton"}], "question": "In 2011, who was the first player to be chosen in the NFL draft?", "id": "56bf41013aeaaa14008c959c"}, {"answers": [{"answer_start": 492, "text": "26"}, {"answer_start": 492, "text": "26"}, {"answer_start": 492, "text": "26"}], "question": "How old was Newton during Super Bowl 50?", "id": "56bf41013aeaaa14008c959d"}, {"answers": [{"answer_start": 43, "text": "quarterback"}, {"answer_start": 427, "text": "quarterbacks"}, {"answer_start": 43, "text": "quarterback"}], "question": "What position did Newton play during Super Bowl 50?", "id": "56bf41013aeaaa14008c959e"}, {"answers": [{"answer_start": 149, "text": "1998"}, {"answer_start": 149, "text": "1998"}, {"answer_start": 149, "text": "1998"}], "question": "Manning was the number one pick in which draft?", "id": "56d7096b0d65d214001982fc"}, {"answers": [{"answer_start": 198, "text": "2011"}, {"answer_start": 198, "text": "2011"}, {"answer_start": 198, "text": "2011"}], "question": "Newton was the number one pick in which draft?", "id": "56d7096b0d65d214001982fd"}, {"answers": [{"answer_start": 306, "text": "Von Miller"}, {"answer_start": 306, "text": "Von Miller"}, {"answer_start": 310, "text": "Miller"}], "question": "Who was the number two draft pick for 2011?", "id": "56d7096b0d65d214001982fe"}, {"answers": [{"answer_start": 198, "text": "2011."}, {"answer_start": 198, "text": "2011"}, {"answer_start": 198, "text": "2011"}], "question": "What year did Newton hold the number one draft pick position?", "id": "56d9a199dc89441400fdb647"}, {"answers": [{"answer_start": 492, "text": "26"}, {"answer_start": 492, "text": "26"}, {"answer_start": 492, "text": "26"}], "question": "How old was Newton in Super Bowl 50?", "id": "56d9a199dc89441400fdb648"}, {"answers": [{"answer_start": 443, "text": "13 years and 48 days"}, {"answer_start": 443, "text": "13 years and 48 days"}, {"answer_start": 443, "text": "13 years and 48 days"}], "question": "What was the age difference between Newton and Manning in Super Bowl 50?", "id": "56d9a199dc89441400fdb649"}]}, {"context": "With Rivera having been a linebacker with the Chicago Bears in Super Bowl XX, and Kubiak replacing Elway at the end of the Broncos' defeats in Super Bowls XXI and XXIV, this will be the first Super Bowl in which both head coaches played in the game themselves.", "qas": [{"answers": [{"answer_start": 63, "text": "Super Bowl XX"}, {"answer_start": 63, "text": "Super Bowl XX"}, {"answer_start": 74, "text": "XX"}], "question": "In what Super Bowl did Rivera play?", "id": "56beb97c3aeaaa14008c92db"}, {"answers": [{"answer_start": 46, "text": "Chicago Bears"}, {"answer_start": 42, "text": "the Chicago Bears"}, {"answer_start": 54, "text": "Bears"}], "question": "What team did Rivera play for in Super Bowl XX?", "id": "56beb97c3aeaaa14008c92dc"}, {"answers": [{"answer_start": 26, "text": "linebacker"}, {"answer_start": 26, "text": "linebacker"}, {"answer_start": 26, "text": "linebacker"}], "question": "What position did Rivera play in Super Bowl XX?", "id": "56beb97c3aeaaa14008c92dd"}, {"answers": [{"answer_start": 99, "text": "Elway"}, {"answer_start": 99, "text": "Elway"}, {"answer_start": 99, "text": "Elway"}], "question": "Who was replaced by Kubiak in Super Bowl XXIV?", "id": "56beb97c3aeaaa14008c92de"}, {"answers": [{"answer_start": 123, "text": "Broncos"}, {"answer_start": 119, "text": "the Broncos"}, {"answer_start": 123, "text": "Broncos"}], "question": "What team did Kubiak play for in Super Bowl XXI?", "id": "56beb97c3aeaaa14008c92df"}, {"answers": [{"answer_start": 26, "text": "linebacker"}, {"answer_start": 26, "text": "linebacker"}, {"answer_start": 26, "text": "linebacker"}], "question": "What position did Rivera play in Super Bowl XX? ", "id": "56bf6c3e3aeaaa14008c9615"}, {"answers": [{"answer_start": 99, "text": "Elway"}, {"answer_start": 99, "text": "Elway"}, {"answer_start": 99, "text": "Elway"}], "question": "Who did Kubiak take the place of after Super Bowl XXIV?", "id": "56bf6c3e3aeaaa14008c9617"}, {"answers": [{"answer_start": 5, "text": "Rivera"}, {"answer_start": 5, "text": "Rivera"}, {"answer_start": 5, "text": "Rivera"}], "question": "Who was the Panthers head coach for the 2015 season?", "id": "56d709ef0d65d21400198306"}, {"answers": [{"answer_start": 63, "text": "Super Bowl XX"}, {"answer_start": 63, "text": "Super Bowl XX"}, {"answer_start": 74, "text": "XX"}], "question": "What Super Bowl did Rivera play in as a player?", "id": "56d709ef0d65d21400198307"}]}, {"context": "Concerns were raised over whether Levi's Stadium's field was of a high enough quality to host a Super Bowl; during the inaugural season, the field had to be re-sodded multiple times due to various issues, and during a week 6 game earlier in the 2015 season, a portion of the turf collapsed under Baltimore Ravens kicker Justin Tucker, causing him to slip and miss a field goal, although the field has not had any major issues since. As is customary for Super Bowl games played at natural grass stadiums, the NFL re-sodded the field with a new playing surface; a hybrid Bermuda 419 turf. NFL and Atlanta Braves field director Ed Mangan stated that the field was in \"great shape\" for gameday. However, the turf showed problem throughout the game, with a number of players needing to change their cleats during the game and player slipping during plays all throughout the game.", "qas": [{"answers": [{"answer_start": 320, "text": "Justin Tucker"}, {"answer_start": 320, "text": "Justin Tucker"}, {"answer_start": 327, "text": "Tucker"}], "question": "Who slipped on the Levi's Stadium turf in week 6 of the 2015 NFL season?", "id": "56beba103aeaaa14008c92e5"}, {"answers": [{"answer_start": 569, "text": "Bermuda 419"}, {"answer_start": 569, "text": "Bermuda 419"}, {"answer_start": 562, "text": "hybrid Bermuda 419"}], "question": "What is the name of the turf used in Levi's Stadium for the Super Bowl?", "id": "56beba103aeaaa14008c92e6"}, {"answers": [{"answer_start": 625, "text": "Ed Mangan"}, {"answer_start": 625, "text": "Ed Mangan"}, {"answer_start": 628, "text": "Mangan"}], "question": "Who is the field director of the NFL?", "id": "56beba103aeaaa14008c92e7"}, {"answers": [{"answer_start": 296, "text": "Baltimore Ravens"}, {"answer_start": 296, "text": "Baltimore Ravens"}, {"answer_start": 306, "text": "Ravens"}], "question": "What team did Justin Tucker play for?", "id": "56beba103aeaaa14008c92e8"}, {"answers": [{"answer_start": 313, "text": "kicker"}, {"answer_start": 313, "text": "kicker"}, {"answer_start": 313, "text": "kicker"}], "question": "What position did Justin Tucker play?", "id": "56beba103aeaaa14008c92e9"}, {"answers": [{"answer_start": 320, "text": "Justin Tucker"}, {"answer_start": 320, "text": "Justin Tucker"}, {"answer_start": 327, "text": "Tucker"}], "question": "Which player did the turf collapse under during a game in the Levi's Stadium?", "id": "56bf467d3aeaaa14008c95a5"}, {"answers": [{"answer_start": 313, "text": "kicker"}, {"answer_start": 313, "text": "kicker"}, {"answer_start": 313, "text": "kicker"}], "question": "What position does Tucker play for with the Ravens?", "id": "56bf467d3aeaaa14008c95a6"}, {"answers": [{"answer_start": 562, "text": "hybrid Bermuda 419 turf"}, {"answer_start": 569, "text": "Bermuda 419 turf"}, {"answer_start": 562, "text": "hybrid Bermuda 419"}], "question": "What was used to sod the Levi's Stadium for Super Bowl 50? ", "id": "56bf467d3aeaaa14008c95a7"}, {"answers": [{"answer_start": 320, "text": "Justin Tucker"}, {"answer_start": 320, "text": "Justin Tucker"}, {"answer_start": 327, "text": "Tucker"}], "question": "Which kicker had a portion of the turf collapse, causing him to miss a field goal?", "id": "56d70adc0d65d21400198311"}, {"answers": [{"answer_start": 537, "text": "a new playing surface"}, {"answer_start": 512, "text": "re-sodded"}, {"answer_start": 157, "text": "re-sodded"}], "question": "What did the NFL do to the playing field at Levi's Stadium before the Super Bowl?", "id": "56d70adc0d65d21400198312"}, {"answers": [{"answer_start": 560, "text": "a hybrid Bermuda 419 turf."}, {"answer_start": 569, "text": "Bermuda 419 turf"}, {"answer_start": 562, "text": "hybrid Bermuda 419 turf"}], "question": "What covered the new field at Levi's Stadium?", "id": "56d70adc0d65d21400198313"}, {"answers": [{"answer_start": 788, "text": "their cleats"}, {"answer_start": 794, "text": "cleats"}, {"answer_start": 794, "text": "cleats"}], "question": "What did a lot of players need to change during Super Bowl 50 because of the condition of the field?", "id": "56d70adc0d65d21400198314"}, {"answers": [{"answer_start": 320, "text": "Justin Tucker"}, {"answer_start": 327, "text": "Tucker"}], "question": "What player did the field problem at Levi's stadium affect for a field goal in week six of the regular season?", "id": "56d9a419dc89441400fdb678"}, {"answers": [{"answer_start": 480, "text": "natural grass"}, {"answer_start": 480, "text": "natural grass"}, {"answer_start": 488, "text": "grass"}], "question": "What field type is usually chosen for Super Bowl games?", "id": "56d9a419dc89441400fdb679"}]}, {"context": "As the designated home team in the annual rotation between AFC and NFC teams, the Broncos elected to wear their road white jerseys with matching white pants. Elway stated, \"We've had Super Bowl success in our white uniforms.\" The Broncos last wore matching white jerseys and pants in the Super Bowl in Super Bowl XXXIII, Elway's last game as Denver QB, when they defeated the Atlanta Falcons 34\u201319. In their only other Super Bowl win in Super Bowl XXXII, Denver wore blue jerseys, which was their primary color at the time. They also lost Super Bowl XXI when they wore white jerseys, but they are 0-4 in Super Bowls when wearing orange jerseys, losing in Super Bowl XII, XXII, XXIV, and XLVIII. The only other AFC champion team to have worn white as the designated home team in the Super Bowl was the Pittsburgh Steelers; they defeated the Seattle Seahawks 21\u201310 in Super Bowl XL 10 seasons prior. The Broncos' decision to wear white meant the Panthers would wear their standard home uniform: black jerseys with silver pants.", "qas": [{"answers": [{"answer_start": 82, "text": "Broncos"}, {"answer_start": 78, "text": "the Broncos"}, {"answer_start": 82, "text": "Broncos"}], "question": "Who was designated as the home team in the Super Bowl?", "id": "56bebad93aeaaa14008c92f9"}, {"answers": [{"answer_start": 392, "text": "34\u201319"}, {"answer_start": 392, "text": "34\u201319"}, {"answer_start": 392, "text": "34\u201319"}], "question": "What was the final score of Super Bowl XXXIII?", "id": "56bebad93aeaaa14008c92fa"}, {"answers": [{"answer_start": 376, "text": "Atlanta Falcons"}, {"answer_start": 372, "text": "the Atlanta Falcons"}, {"answer_start": 384, "text": "Falcons"}], "question": "What team lost Super Bowl XXXIII?", "id": "56bebad93aeaaa14008c92fb"}, {"answers": [{"answer_start": 117, "text": "white"}, {"answer_start": 145, "text": "white"}, {"answer_start": 145, "text": "white"}], "question": "What color pants did the Broncos wear in Super Bowl 50?", "id": "56bebad93aeaaa14008c92fc"}, {"answers": [{"answer_start": 302, "text": "Super Bowl XXXIII"}, {"answer_start": 302, "text": "Super Bowl XXXIII"}, {"answer_start": 302, "text": "Super Bowl XXXIII"}], "question": "What was Elway's final game as the Denver quarterback?", "id": "56bebad93aeaaa14008c92fd"}, {"answers": [{"answer_start": 302, "text": "Super Bowl XXXIII"}, {"answer_start": 302, "text": "Super Bowl XXXIII"}, {"answer_start": 302, "text": "Super Bowl XXXIII"}], "question": "What was the last game that Elway played as a quarterback for Denver?", "id": "56bf48cc3aeaaa14008c95ab"}, {"answers": [{"answer_start": 392, "text": "34\u201319"}, {"answer_start": 392, "text": "34\u201319"}, {"answer_start": 392, "text": "34\u201319"}], "question": "What was the final score for Super Bowl XXXIII?", "id": "56bf48cc3aeaaa14008c95ac"}, {"answers": [{"answer_start": 376, "text": "Atlanta Falcons"}, {"answer_start": 372, "text": "the Atlanta Falcons"}, {"answer_start": 384, "text": "Falcons"}], "question": "What team did the Denver Broncos play in Super Bowl XXXIII?", "id": "56bf48cc3aeaaa14008c95ae"}, {"answers": [{"answer_start": 117, "text": "white"}, {"answer_start": 248, "text": "matching white jerseys"}, {"answer_start": 209, "text": "white"}], "question": "What color were the Bronco's uniforms in Super Bowl 50?", "id": "56bf48cc3aeaaa14008c95af"}, {"answers": [{"answer_start": 112, "text": "road white jerseys"}, {"answer_start": 136, "text": "matching white"}, {"answer_start": 117, "text": "white"}], "question": "What jersey did the Broncos wear for Super Bowl 50?", "id": "56d70ccc0d65d2140019831d"}, {"answers": [{"answer_start": 801, "text": "Pittsburgh Steelers"}, {"answer_start": 797, "text": "the Pittsburgh Steelers"}, {"answer_start": 812, "text": "Steelers"}], "question": "Who is the only other AFC Champion team to wear road jerseys in a Super Bowl?", "id": "56d70ccc0d65d2140019831f"}, {"answers": [{"answer_start": 302, "text": "Super Bowl XXXIII"}, {"answer_start": 302, "text": "Super Bowl XXXIII"}, {"answer_start": 313, "text": "XXXIII"}], "question": "What was th elast Super Bowl where the Broncos wore white uniforms?", "id": "56d9a637dc89441400fdb697"}, {"answers": [{"answer_start": 467, "text": "blue"}, {"answer_start": 467, "text": "blue"}, {"answer_start": 209, "text": "white"}], "question": "What was the color of the jerseys in Super Bowl XXXII when Elway was quarterback?", "id": "56d9a637dc89441400fdb698"}, {"answers": [{"answer_start": 629, "text": "orange"}, {"answer_start": 629, "text": "orange"}, {"answer_start": 629, "text": "orange"}], "question": "What color jersey has Denver 0-4?", "id": "56d9a637dc89441400fdb699"}, {"answers": [{"answer_start": 993, "text": "black jerseys with silver pants."}, {"answer_start": 993, "text": "black jerseys with silver pants"}, {"answer_start": 993, "text": "black"}], "question": "Since Denver chose white, what colors did Carolina wear in Super Bowl 50?", "id": "56d9a637dc89441400fdb69a"}]}, {"context": "The Panthers used the San Jose State practice facility and stayed at the San Jose Marriott. The Broncos practiced at Stanford University and stayed at the Santa Clara Marriott.", "qas": [{"answers": [{"answer_start": 22, "text": "San Jose State"}, {"answer_start": 22, "text": "San Jose State"}, {"answer_start": 22, "text": "San Jose State"}], "question": "At what university's facility did the Panthers practice?", "id": "56bebb293aeaaa14008c9303"}, {"answers": [{"answer_start": 117, "text": "Stanford University"}, {"answer_start": 117, "text": "Stanford University"}, {"answer_start": 117, "text": "Stanford"}], "question": "At what university's facility did the Broncos practice?", "id": "56bebb293aeaaa14008c9304"}, {"answers": [{"answer_start": 22, "text": "San Jose"}, {"answer_start": 73, "text": "San Jose"}, {"answer_start": 73, "text": "San Jose"}], "question": "In what city's Marriott did the Panthers stay?", "id": "56bebb293aeaaa14008c9305"}, {"answers": [{"answer_start": 155, "text": "Santa Clara"}, {"answer_start": 155, "text": "Santa Clara"}, {"answer_start": 155, "text": "Santa Clara"}], "question": "In what city's Marriott did the Broncos stay?", "id": "56bebb293aeaaa14008c9306"}, {"answers": [{"answer_start": 73, "text": "San Jose Marriott"}, {"answer_start": 69, "text": "the San Jose Marriott"}, {"answer_start": 22, "text": "San Jose State practice facility and stayed at the San Jose Marriott."}], "question": "What hotel did the Panthers stay in during Super Bowl 50? ", "id": "56bf49993aeaaa14008c95b5"}, {"answers": [{"answer_start": 155, "text": "Santa Clara Marriott"}, {"answer_start": 69, "text": "the San Jose Marriott"}, {"answer_start": 82, "text": "Marriott"}], "question": "What was the name of the hotel the Panthers chose to stay in during Super Bowl 50?", "id": "56bf49993aeaaa14008c95b6"}, {"answers": [{"answer_start": 22, "text": "San Jose State practice facility"}, {"answer_start": 18, "text": "the San Jose State practice facility"}, {"answer_start": 22, "text": "San Jose State"}], "question": "Where did the Panthers practice at for Super Bowl 50?", "id": "56bf49993aeaaa14008c95b7"}, {"answers": [{"answer_start": 117, "text": "Stanford University"}, {"answer_start": 114, "text": "at Stanford University"}, {"answer_start": 117, "text": "Stanford"}], "question": "Where did the Broncos practice at for Super Bowl 50?", "id": "56bf49993aeaaa14008c95b8"}, {"answers": [{"answer_start": 22, "text": "San Jose State practice facility"}, {"answer_start": 18, "text": "the San Jose State practice facility"}, {"answer_start": 22, "text": "San Jose State"}], "question": "Where did the Panthers practice for the Super Bowl?", "id": "56d70d240d65d21400198326"}, {"answers": [{"answer_start": 73, "text": "San Jose Marriott."}, {"answer_start": 69, "text": "the San Jose Marriott"}, {"answer_start": 73, "text": "San Jose Marriott"}], "question": "Which hotel did the Panthers stay at for the Super Bowl?", "id": "56d70d240d65d21400198327"}, {"answers": [{"answer_start": 117, "text": "Stanford University"}, {"answer_start": 114, "text": "at Stanford University"}, {"answer_start": 117, "text": "Stanford"}], "question": "Where did the Broncos practice for the Super Bowl?", "id": "56d70d240d65d21400198328"}, {"answers": [{"answer_start": 155, "text": "Santa Clara Marriott."}, {"answer_start": 151, "text": "the Santa Clara Marriott"}, {"answer_start": 155, "text": "Santa Clara Marriott."}], "question": "Which hotel did the Broncos use for Super Bowl 50?", "id": "56d70d240d65d21400198329"}, {"answers": [{"answer_start": 22, "text": "San Jose"}, {"answer_start": 18, "text": "the San Jose State practice facility"}, {"answer_start": 22, "text": "San Jose State"}], "question": "Where was the practice place the Panthers used for the Super Bowl?", "id": "56d9a6b4dc89441400fdb6a0"}, {"answers": [{"answer_start": 73, "text": "San Jose Marriott."}, {"answer_start": 69, "text": "the San Jose Marriott"}, {"answer_start": 73, "text": "San Jose Marriott."}], "question": "Where hotel did the Panthers stay at?", "id": "56d9a6b4dc89441400fdb6a1"}, {"answers": [{"answer_start": 117, "text": "Stanford University"}, {"answer_start": 114, "text": "at Stanford University"}, {"answer_start": 117, "text": "Stanford"}], "question": "Where did the Broncos practice for the Super Bowl?", "id": "56d9a6b4dc89441400fdb6a2"}, {"answers": [{"answer_start": 155, "text": "Santa Clara Marriott."}, {"answer_start": 151, "text": "the Santa Clara Marriott"}, {"answer_start": 155, "text": "Santa Clara Marriott."}], "question": "Where did the Broncos stay at for Super Bowl 50?", "id": "56d9a6b4dc89441400fdb6a3"}]}, {"context": "On June 4, 2014, the NFL announced that the practice of branding Super Bowl games with Roman numerals, a practice established at Super Bowl V, would be temporarily suspended, and that the game would be named using Arabic numerals as Super Bowl 50 as opposed to Super Bowl L. The use of Roman numerals will be reinstated for Super Bowl LI. Jaime Weston, the league's vice president of brand and creative, explained that a primary reason for the change was the difficulty of designing an aesthetically pleasing logo with the letter \"L\" using the standardized logo template introduced at Super Bowl XLV. The logo also deviates from the template by featuring large numerals, colored in gold, behind the Vince Lombardi Trophy, instead of underneath and in silver as in the standard logo.", "qas": [{"answers": [{"answer_start": 3, "text": "June 4, 2014"}, {"answer_start": 0, "text": "On June 4, 2014"}, {"answer_start": 11, "text": "2014"}], "question": "When did the NFL announce the suspension of using Roman numerals to brand the Super Bowl?", "id": "56bebbbf3aeaaa14008c9315"}, {"answers": [{"answer_start": 129, "text": "Super Bowl V"}, {"answer_start": 129, "text": "Super Bowl V"}, {"answer_start": 140, "text": "V"}], "question": "What was the first Super Bowl branded with Roman numerals?", "id": "56bebbbf3aeaaa14008c9316"}, {"answers": [{"answer_start": 339, "text": "Jaime Weston"}, {"answer_start": 339, "text": "Jaime Weston"}, {"answer_start": 345, "text": "Weston"}], "question": "Who is the NFL's vice president of brand and creative?", "id": "56bebbbf3aeaaa14008c9317"}, {"answers": [{"answer_start": 585, "text": "Super Bowl XLV"}, {"answer_start": 585, "text": "Super Bowl XLV"}, {"answer_start": 140, "text": "V"}], "question": "What was the first Super Bowl to use the standardized logo template?", "id": "56bebbbf3aeaaa14008c9318"}, {"answers": [{"answer_start": 699, "text": "Vince Lombardi"}, {"answer_start": 699, "text": "Vince Lombardi Trophy"}, {"answer_start": 705, "text": "Lombardi"}], "question": "Who is the trophy featured on the logo named for?", "id": "56bebbbf3aeaaa14008c9319"}, {"answers": [{"answer_start": 11, "text": "2014"}, {"answer_start": 11, "text": "2014"}, {"answer_start": 11, "text": "2014"}], "question": "In what year was it declared that no Roman numerals would be used in the name of the 50th Super Bowl?", "id": "56bf4e1b3aeaaa14008c95bd"}, {"answers": [{"answer_start": 324, "text": "Super Bowl LI"}, {"answer_start": 335, "text": "LI"}, {"answer_start": 335, "text": "LI"}], "question": "Which Super Bowl, after the 50th one, will begin have Roman numerals in the title again?", "id": "56bf4e1b3aeaaa14008c95be"}, {"answers": [{"answer_start": 23, "text": "L"}, {"answer_start": 272, "text": "L"}, {"answer_start": 272, "text": "L"}], "question": "If Roman numerals were used in the naming of the 50th Super Bowl, which one would have been used?", "id": "56bf4e1b3aeaaa14008c95c0"}, {"answers": [{"answer_start": 682, "text": "gold"}, {"answer_start": 682, "text": "gold"}, {"answer_start": 682, "text": "gold"}], "question": "What color are the numbers in the Super Bowl 50 logo? ", "id": "56bf4e1b3aeaaa14008c95c1"}, {"answers": [{"answer_start": 3, "text": "June 4, 2014"}, {"answer_start": 0, "text": "On June 4, 2014"}, {"answer_start": 11, "text": "2014"}], "question": "When did the NFL announce that it would not use Roman numbers to designate the Super Bowl number?", "id": "56d70daa0d65d21400198332"}, {"answers": [{"answer_start": 214, "text": "Arabic numerals"}, {"answer_start": 214, "text": "Arabic numerals"}, {"answer_start": 214, "text": "Arabic"}], "question": "Rather than Roman numerals, what did the NFL decide to use?", "id": "56d70daa0d65d21400198333"}, {"answers": [{"answer_start": 272, "text": "L."}, {"answer_start": 272, "text": "L"}, {"answer_start": 272, "text": "L"}], "question": "What is the Roman numeral for 50?", "id": "56d70daa0d65d21400198334"}, {"answers": [{"answer_start": 682, "text": "gold"}, {"answer_start": 682, "text": "gold"}, {"answer_start": 682, "text": "gold"}], "question": "Normally silver, what color was used for the number 50?", "id": "56d70daa0d65d21400198335"}, {"answers": [{"answer_start": 324, "text": "Super Bowl LI."}, {"answer_start": 324, "text": "Super Bowl LI"}, {"answer_start": 324, "text": "Super Bowl LI"}], "question": "When will Roman numerals be used again to denote the Super Bowl number?", "id": "56d70daa0d65d21400198336"}, {"answers": [{"answer_start": 214, "text": "Arabic"}, {"answer_start": 214, "text": "Arabic numerals"}, {"answer_start": 214, "text": "Arabic"}], "question": "What type of numeral did the latest Super Bowl use to designate the game number?", "id": "56d9a7addc89441400fdb6a8"}, {"answers": [{"answer_start": 335, "text": "LI."}, {"answer_start": 335, "text": "LI"}, {"answer_start": 335, "text": "LI"}], "question": "What is the Roman numeral going to be for Super Bowl 51?", "id": "56d9a7addc89441400fdb6ab"}]}, {"context": "Various gold-themed promotions and initiatives were held throughout the 2015 NFL season to tie into the \"Golden Super Bowl\"; gold-tinted logos were implemented across the NFL's properties and painted on fields, the numbering of the 50-yard line on fields was colored gold, and beginning on week 7, all sideline jackets and hats featured gold-trimmed logos. Gold footballs were given to each high school that has had a player or coach appear in the Super Bowl, and \"homecoming\" events were also held by Super Bowl-winning teams at games.", "qas": [{"answers": [{"answer_start": 8, "text": "gold"}, {"answer_start": 8, "text": "gold"}, {"answer_start": 267, "text": "gold"}], "question": "What color was featured in promotions related to Super Bowl 50?", "id": "56bebc383aeaaa14008c931f"}, {"answers": [{"answer_start": 290, "text": "week 7"}, {"answer_start": 72, "text": "2015"}, {"answer_start": 290, "text": "week 7,"}], "question": "When did sideline jackets and hats start to feature gold-trimmed logos?", "id": "56bebc383aeaaa14008c9320"}, {"answers": [{"answer_start": 232, "text": "50"}, {"answer_start": 232, "text": "50-yard line"}, {"answer_start": 232, "text": "50"}], "question": "What yard marker on the field was painted gold?", "id": "56bebc383aeaaa14008c9321"}, {"answers": [{"answer_start": 8, "text": "gold"}, {"answer_start": 8, "text": "gold"}, {"answer_start": 267, "text": "gold"}], "question": "What color was used to create the 50-yard line in Levi's Stadium for the season leading up to the Super Bowl 50 game?", "id": "56bf52483aeaaa14008c95c7"}, {"answers": [{"answer_start": 8, "text": "gold"}, {"answer_start": 8, "text": "gold"}, {"answer_start": 357, "text": "Gold"}], "question": "What color were the footballs handed out to a variety of high schools, leading up to Super Bowl 50?", "id": "56bf52483aeaaa14008c95c8"}, {"answers": [{"answer_start": 105, "text": "Golden Super Bowl"}, {"answer_start": 100, "text": "the \"Golden Super Bowl\""}, {"answer_start": 105, "text": "Golden Super Bowl"}], "question": "Because of the gold theme, what was Super Bowl 50 known as?", "id": "56d70e570d65d2140019833c"}, {"answers": [{"answer_start": 357, "text": "Gold footballs"}, {"answer_start": 357, "text": "Gold footballs"}, {"answer_start": 357, "text": "Gold footballs"}], "question": "What was given to high schools where former students went on to play or coach in a Super Bowl?", "id": "56d70e570d65d2140019833e"}, {"answers": [{"answer_start": 228, "text": "the 50-yard line"}, {"answer_start": 228, "text": "the 50"}, {"answer_start": 232, "text": "50"}], "question": "What yard line was a gold color for all teams during the season?", "id": "56d70e570d65d2140019833f"}, {"answers": [{"answer_start": 8, "text": "gold"}, {"answer_start": 8, "text": "gold"}, {"answer_start": 8, "text": "gold"}], "question": "Since this was the 50th one, what was the theme color for the Super Bowl?", "id": "56d9b01fdc89441400fdb6d4"}]}, {"context": "The annual NFL Experience was held at the Moscone Center in San Francisco. In addition, \"Super Bowl City\" opened on January 30 at Justin Herman Plaza on The Embarcadero, featuring games and activities that will highlight the Bay Area's technology, culinary creations, and cultural diversity. More than 1 million people are expected to attend the festivities in San Francisco during Super Bowl Week. San Francisco mayor Ed Lee said of the highly visible homeless presence in this area \"they are going to have to leave\". San Francisco city supervisor Jane Kim unsuccessfully lobbied for the NFL to reimburse San Francisco for city services in the amount of $5 million.", "qas": [{"answers": [{"answer_start": 42, "text": "Moscone Center"}, {"answer_start": 38, "text": "the Moscone Center"}, {"answer_start": 42, "text": "Moscone Center"}], "question": "In what venue did the NFL Experience take place?", "id": "56bebcbe3aeaaa14008c9325"}, {"answers": [{"answer_start": 60, "text": "San Francisco"}, {"answer_start": 60, "text": "San Francisco"}, {"answer_start": 60, "text": "San Francisco"}], "question": "In what city is the Moscone Center located?", "id": "56bebcbe3aeaaa14008c9326"}, {"answers": [{"answer_start": 419, "text": "Ed Lee"}, {"answer_start": 419, "text": "Ed Lee"}, {"answer_start": 422, "text": "Lee"}], "question": "Who is the mayor of San Francisco?", "id": "56bebcbe3aeaaa14008c9327"}, {"answers": [{"answer_start": 549, "text": "Jane Kim"}, {"answer_start": 549, "text": "Jane Kim"}, {"answer_start": 554, "text": "Kim"}], "question": "Who is the city supervisor of San Francisco?", "id": "56bebcbe3aeaaa14008c9328"}, {"answers": [{"answer_start": 116, "text": "January 30"}, {"answer_start": 116, "text": "January 30"}, {"answer_start": 116, "text": "January 30"}], "question": "When was the opening of \"Super Bowl City\"?", "id": "56bebcbe3aeaaa14008c9329"}, {"answers": [{"answer_start": 302, "text": "1 million"}, {"answer_start": 292, "text": "More than 1 million"}, {"answer_start": 302, "text": "1 million"}], "question": "How many people were estimated to go to the different game-themed events during the week prior to Super Bowl 50 in the city it was held in?", "id": "56bf53e73aeaaa14008c95cb"}, {"answers": [{"answer_start": 419, "text": "Ed Lee"}, {"answer_start": 419, "text": "Ed Lee"}, {"answer_start": 422, "text": "Lee"}], "question": "Who was the mayor of San Francisco during Super Bowl 50? ", "id": "56bf53e73aeaaa14008c95cc"}, {"answers": [{"answer_start": 42, "text": "Moscone Center"}, {"answer_start": 38, "text": "the Moscone Center"}, {"answer_start": 42, "text": "Moscone Center"}], "question": "Which building was the NFL Experience held at for Super Bowl 50?", "id": "56bf53e73aeaaa14008c95cd"}, {"answers": [{"answer_start": 89, "text": "Super Bowl City"}, {"answer_start": 89, "text": "Super Bowl City"}, {"answer_start": 89, "text": "Super Bowl City"}], "question": "What was the name of the event at the The Embarcadero that was held prior to Super Bowl 50 to help show off some of the things that San Francisco has to offer?", "id": "56bf53e73aeaaa14008c95ce"}, {"answers": [{"answer_start": 42, "text": "Moscone Center"}, {"answer_start": 35, "text": "at the Moscone Center"}, {"answer_start": 42, "text": "Moscone Center"}], "question": "Where was the NFL Experience held for the 2015 season?", "id": "56d7145c0d65d2140019834c"}, {"answers": [{"answer_start": 89, "text": "Super Bowl City"}, {"answer_start": 89, "text": "Super Bowl City\" opened"}, {"answer_start": 88, "text": "\"Super Bowl City"}], "question": "What opened on January 30th at the Justin Herman plaza?", "id": "56d7145c0d65d2140019834d"}, {"answers": [{"answer_start": 419, "text": "Ed Lee"}, {"answer_start": 419, "text": "Ed Lee"}, {"answer_start": 422, "text": "Lee"}], "question": "Who is the mayor of San Francisco?", "id": "56d7145c0d65d2140019834f"}, {"answers": [{"answer_start": 89, "text": "Super Bowl City"}, {"answer_start": 88, "text": "\"Super Bowl City\""}, {"answer_start": 89, "text": "Super Bowl City"}], "question": "What football associated thing started at Justin Herman Plaza in January?", "id": "56d9b389dc89441400fdb6ec"}, {"answers": [{"answer_start": 292, "text": "More than 1 million"}, {"answer_start": 292, "text": "More than 1 million"}, {"answer_start": 302, "text": "1 million"}], "question": "How many people are likely to visit Justin Herman Plaza during the week of the Super Bowl?", "id": "56d9b389dc89441400fdb6ed"}, {"answers": [{"answer_start": 413, "text": "mayor Ed Lee"}, {"answer_start": 419, "text": "Ed Lee"}, {"answer_start": 413, "text": "mayor Ed Lee"}], "question": "Who said the homeless in the area would have to leave?", "id": "56d9b389dc89441400fdb6ee"}, {"answers": [{"answer_start": 655, "text": "$5 million."}, {"answer_start": 125, "text": "0"}, {"answer_start": 655, "text": "$5 million"}], "question": "How much did San Francisco get for providing services for the Super Bowl?", "id": "56d9b389dc89441400fdb6ef"}, {"answers": [{"answer_start": 0, "text": "The annual NFL Experience"}, {"answer_start": 0, "text": "The annual NFL Experience"}, {"answer_start": 11, "text": "NFL Experience"}], "question": "What did the Moscone Center host?", "id": "56d9b389dc89441400fdb6f0"}]}, {"context": "In addition, there are $2 million worth of other ancillary events, including a week-long event at the Santa Clara Convention Center, a beer, wine and food festival at Bellomy Field at Santa Clara University, and a pep rally. A professional fundraiser will aid in finding business sponsors and individual donors, but still may need the city council to help fund the event. Additional funding will be provided by the city council, which has announced plans to set aside seed funding for the event.", "qas": [{"answers": [{"answer_start": 184, "text": "Santa Clara University"}, {"answer_start": 184, "text": "Santa Clara University"}, {"answer_start": 184, "text": "Santa Clara University"}], "question": "At what university is Bellomy Field located?", "id": "56bebd713aeaaa14008c932f"}, {"answers": [{"answer_start": 23, "text": "$2 million"}, {"answer_start": 23, "text": "$2 million"}, {"answer_start": 23, "text": "$2 million"}], "question": "How much money is being spent on other Super Bowl-related events?", "id": "56bebd713aeaaa14008c9330"}, {"answers": [{"answer_start": 77, "text": "a week"}, {"answer_start": 77, "text": "a week"}, {"answer_start": 79, "text": "week"}], "question": "How long will the event at Santa Clara Convention Center last?", "id": "56bebd713aeaaa14008c9331"}, {"answers": [{"answer_start": 23, "text": "$2 million"}, {"answer_start": 23, "text": "$2 million"}, {"answer_start": 23, "text": "$2 million"}], "question": "How much money was spent on other festivities in the Bay area to help celebrate the coming Super Bowl 50?", "id": "56bf555e3aeaaa14008c95d3"}, {"answers": [{"answer_start": 214, "text": "pep rally"}, {"answer_start": 214, "text": "pep"}, {"answer_start": 214, "text": "pep"}], "question": "What type of rally was held?", "id": "56bf555e3aeaaa14008c95d4"}, {"answers": [{"answer_start": 335, "text": "city council"}, {"answer_start": 411, "text": "the city council"}, {"answer_start": 415, "text": "city council"}], "question": "Which government entity helped to pay for the festivities, beyond businesses and individuals?", "id": "56bf555e3aeaaa14008c95d5"}, {"answers": [{"answer_start": 167, "text": "Bellomy Field"}, {"answer_start": 167, "text": "Bellomy Field"}, {"answer_start": 102, "text": "Santa Clara Convention Center"}], "question": "Where was a beer, wine and food festival held at prior to the Super Bowl?", "id": "56d714cd0d65d21400198356"}, {"answers": [{"answer_start": 225, "text": "A professional fundraiser"}, {"answer_start": 225, "text": "A professional fundraiser"}, {"answer_start": 227, "text": "professional fundraiser"}], "question": "Who helped find sponsors and donors to help with the cost?", "id": "56d714cd0d65d21400198358"}, {"answers": [{"answer_start": 335, "text": "city council"}, {"answer_start": 411, "text": "the city council"}, {"answer_start": 415, "text": "city council"}], "question": "Who set aside seed funding for the week-long event leading up to the Super Bowl?", "id": "56d714cd0d65d21400198359"}, {"answers": [{"answer_start": 23, "text": "$2 million"}, {"answer_start": 23, "text": "$2 million"}, {"answer_start": 23, "text": "$2 million"}], "question": "What was the cost of the other Super Bowl events in the San Francisco area?", "id": "56d9b43edc89441400fdb700"}, {"answers": [{"answer_start": 335, "text": "city council"}, {"answer_start": 411, "text": "the city council"}, {"answer_start": 335, "text": "city council"}], "question": "Who may have been called upon to fund the festival associated with the Super Bowl in Santa Clara?", "id": "56d9b43edc89441400fdb701"}]}, {"context": "The game's media day, which was typically held on the Tuesday afternoon prior to the game, was moved to the Monday evening and re-branded as Super Bowl Opening Night. The event was held on February 1, 2016 at SAP Center in San Jose. Alongside the traditional media availabilities, the event featured an opening ceremony with player introductions on a replica of the Golden Gate Bridge.", "qas": [{"answers": [{"answer_start": 108, "text": "Monday"}, {"answer_start": 189, "text": "February 1, 2016"}, {"answer_start": 108, "text": "Monday"}], "question": "On what day was Super Bowl Opening Night held?", "id": "56bebde53aeaaa14008c9335"}, {"answers": [{"answer_start": 54, "text": "Tuesday"}, {"answer_start": 54, "text": "Tuesday afternoon prior to the game"}, {"answer_start": 54, "text": "Tuesday"}], "question": "On what day does the Super Bowl media day traditionally take place?", "id": "56bebde53aeaaa14008c9336"}, {"answers": [{"answer_start": 209, "text": "SAP Center"}, {"answer_start": 209, "text": "SAP Center"}, {"answer_start": 209, "text": "SAP Center"}], "question": "What venue hosted Super Bowl Opening Night?", "id": "56bebde53aeaaa14008c9337"}, {"answers": [{"answer_start": 223, "text": "San Jose"}, {"answer_start": 223, "text": "San Jose"}, {"answer_start": 223, "text": "San Jose."}], "question": "In what city is SAP Center located?", "id": "56bebde53aeaaa14008c9338"}, {"answers": [{"answer_start": 362, "text": "the Golden Gate Bridge"}, {"answer_start": 362, "text": "the Golden Gate Bridge"}, {"answer_start": 366, "text": "Golden Gate Bridge."}], "question": "A replica of what landmark was present at Super Bowl Opening Night?", "id": "56bebde53aeaaa14008c9339"}, {"answers": [{"answer_start": 54, "text": "Tuesday"}, {"answer_start": 54, "text": "Tuesday afternoon prior to the game"}, {"answer_start": 54, "text": "Tuesday"}], "question": "As a norm, what day of the week is the traditional Media Day held prior to a Super Bowl?", "id": "56bf57043aeaaa14008c95d9"}, {"answers": [{"answer_start": 108, "text": "Monday"}, {"answer_start": 108, "text": "Monday"}, {"answer_start": 108, "text": "Monday"}], "question": "What day of the week was Media Day held on for Super Bowl 50?", "id": "56bf57043aeaaa14008c95da"}, {"answers": [{"answer_start": 141, "text": "Super Bowl Opening Night"}, {"answer_start": 141, "text": "Super Bowl Opening Night"}, {"answer_start": 141, "text": "Super Bowl Opening Night."}], "question": "What was the name of the Media Day event for Super Bowl 50?", "id": "56bf57043aeaaa14008c95db"}, {"answers": [{"answer_start": 209, "text": "SAP Center"}, {"answer_start": 209, "text": "SAP Center"}, {"answer_start": 209, "text": "SAP Center"}], "question": "What is the name of the property where the media event was held for Super Bowl 50?", "id": "56bf57043aeaaa14008c95dc"}, {"answers": [{"answer_start": 223, "text": "San Jose"}, {"answer_start": 223, "text": "San Jose"}, {"answer_start": 223, "text": "San Jose."}], "question": "What city was the media event held for Super Bowl 50?", "id": "56bf57043aeaaa14008c95dd"}, {"answers": [{"answer_start": 50, "text": "the Tuesday afternoon prior to the game"}, {"answer_start": 54, "text": "Tuesday afternoon prior to the game"}, {"answer_start": 54, "text": "Tuesday"}], "question": "When is the game's media day usually held?", "id": "56d71bd80d65d2140019835e"}, {"answers": [{"answer_start": 141, "text": "Super Bowl Opening Night."}, {"answer_start": 141, "text": "Super Bowl Opening Night"}, {"answer_start": 141, "text": "Super Bowl Opening Night."}], "question": "What new name was given to the media day?", "id": "56d71bd80d65d21400198360"}, {"answers": [{"answer_start": 209, "text": "SAP Center in San Jose."}, {"answer_start": 206, "text": "at SAP Center in San Jose"}, {"answer_start": 223, "text": "San Jose"}], "question": "Where was media day for Super Bowl 50 held?", "id": "56d71bd80d65d21400198361"}, {"answers": [{"answer_start": 362, "text": "the Golden Gate Bridge."}, {"answer_start": 362, "text": "the Golden Gate Bridge"}, {"answer_start": 366, "text": "Golden Gate Bridge."}], "question": "What replica was used for player introductions?", "id": "56d71bd80d65d21400198362"}, {"answers": [{"answer_start": 108, "text": "Monday"}, {"answer_start": 108, "text": "Monday"}, {"answer_start": 108, "text": "Monday"}], "question": "What day was Super Bowl 50 media day switched to?", "id": "56d9b4ebdc89441400fdb708"}, {"answers": [{"answer_start": 141, "text": "Super Bowl Opening Night."}, {"answer_start": 141, "text": "Super Bowl Opening Night"}, {"answer_start": 141, "text": "Super Bowl Opening Night"}], "question": "What was media day called for Super Bowl 50?", "id": "56d9b4ebdc89441400fdb709"}, {"answers": [{"answer_start": 209, "text": "SAP Center in San Jose."}, {"answer_start": 209, "text": "SAP Center"}, {"answer_start": 209, "text": "SAP Center"}], "question": "Where was the new media day event for Super Bowl 50 held?", "id": "56d9b4ebdc89441400fdb70a"}, {"answers": [{"answer_start": 366, "text": "Golden Gate Bridge."}, {"answer_start": 362, "text": "the Golden Gate"}, {"answer_start": 366, "text": "Golden Gate Bridge."}], "question": "What bridge had a model of it at the Super Bowl Opening Night?", "id": "56d9b4ebdc89441400fdb70b"}, {"answers": [{"answer_start": 189, "text": "February 1, 2016"}, {"answer_start": 189, "text": "February 1, 2016"}, {"answer_start": 189, "text": "February 1, 2016"}], "question": "What date was Super Bowl Opening Night held?", "id": "56d9b4ebdc89441400fdb70c"}]}, {"context": "For the first time, the Super Bowl 50 Host Committee and the NFL have openly sought disabled veteran and lesbian, gay, bisexual and transgender-owned businesses in Business Connect, the Super Bowl program that provides local companies with contracting opportunities in and around the Super Bowl. The host committee has already raised over $40 million through sponsors including Apple, Google, Yahoo!, Intel, Gap, Chevron, and Dignity Health.", "qas": [{"answers": [{"answer_start": 164, "text": "Business Connect"}, {"answer_start": 164, "text": "Business Connect"}, {"answer_start": 164, "text": "Business Connect"}], "question": "What is the name of the program that provides contracting work to local companies?", "id": "56bebe873aeaaa14008c933f"}, {"answers": [{"answer_start": 339, "text": "$40 million"}, {"answer_start": 334, "text": "over $40 million"}, {"answer_start": 339, "text": "$40 million"}], "question": "How much money has been raised by the host committee?", "id": "56bebe873aeaaa14008c9340"}, {"answers": [{"answer_start": 426, "text": "Dignity Health"}, {"answer_start": 426, "text": "Dignity Health"}, {"answer_start": 426, "text": "Dignity"}], "question": "What health company was a Super Bowl sponsor?", "id": "56bebe873aeaaa14008c9341"}, {"answers": [{"answer_start": 408, "text": "Gap"}, {"answer_start": 408, "text": "Gap"}, {"answer_start": 408, "text": "Gap"}], "question": "What clothing company was a Super Bowl sponsor?", "id": "56bebe873aeaaa14008c9342"}, {"answers": [{"answer_start": 413, "text": "Chevron"}, {"answer_start": 413, "text": "Chevron"}, {"answer_start": 413, "text": "Chevron"}], "question": "What petroleum company was a Super Bowl sponsor?", "id": "56bebe873aeaaa14008c9343"}, {"answers": [{"answer_start": 24, "text": "Super Bowl 50 Host Committee"}, {"answer_start": 20, "text": "the Super Bowl 50 Host Committee"}, {"answer_start": 24, "text": "Super Bowl 50 Host Committee"}], "question": "Which committee made an effort to invite companies owned by people, who are transgender or gay, to take part in contract business associated with Super Bowl 50.", "id": "56bf59523aeaaa14008c95e3"}, {"answers": [{"answer_start": 334, "text": "over $40 million"}, {"answer_start": 334, "text": "over $40 million"}, {"answer_start": 334, "text": "over $40 million"}], "question": "How much money did the committee raise?", "id": "56bf59523aeaaa14008c95e4"}, {"answers": [{"answer_start": 359, "text": "sponsors"}, {"answer_start": 351, "text": "through sponsors"}, {"answer_start": 359, "text": "sponsors"}], "question": "How did the committee raise the money?", "id": "56bf59523aeaaa14008c95e5"}, {"answers": [{"answer_start": 164, "text": "Business Connect"}, {"answer_start": 164, "text": "Business Connect"}, {"answer_start": 164, "text": "Business Connect"}], "question": "What is the Super Bowl program called that gives local companies business opportunities for the Super Bowl?", "id": "56d71cb60d65d21400198368"}, {"answers": [{"answer_start": 164, "text": "Business Connect"}, {"answer_start": 164, "text": "Business Connect"}, {"answer_start": 164, "text": "Business Connect"}], "question": "What is the name of the service that gets local businesses contract chances with the Super Bowl?", "id": "56d9b5ffdc89441400fdb720"}, {"answers": [{"answer_start": 334, "text": "over $40 million"}, {"answer_start": 334, "text": "over $40 million"}, {"answer_start": 339, "text": "$40 million"}], "question": "According to the text, how much money did the Host Committee raise?", "id": "56d9b5ffdc89441400fdb721"}]}, {"context": "The Super Bowl 50 Host Committee has vowed to be \"the most giving Super Bowl ever\", and will dedicate 25 percent of all money it raises for philanthropic causes in the Bay Area. The committee created the 50 fund as its philanthropic initiative and focuses on providing grants to aid with youth development, community investment and sustainable environments.", "qas": [{"answers": [{"answer_start": 102, "text": "25"}, {"answer_start": 102, "text": "25 percent"}, {"answer_start": 102, "text": "25"}], "question": "What percentage of money raised by the Host Committee will be used for charitable causes?", "id": "56bebec43aeaaa14008c9349"}, {"answers": [{"answer_start": 200, "text": "the 50 fund"}, {"answer_start": 200, "text": "the 50 fund"}, {"answer_start": 204, "text": "50 fund"}], "question": "What is the name of the Host Committee's charitable initiative?", "id": "56bebec43aeaaa14008c934a"}, {"answers": [{"answer_start": 102, "text": "25 percent"}, {"answer_start": 102, "text": "25 percent"}, {"answer_start": 102, "text": "25"}], "question": "What percentage of funds were given as charitable funds to causes in and around San Francisco?", "id": "56bf5abc3aeaaa14008c95e9"}, {"answers": [{"answer_start": 204, "text": "50 fund"}, {"answer_start": 200, "text": "the 50 fund"}, {"answer_start": 204, "text": "50 fund"}], "question": "What was the name of the fund setup to help with investing in the community? ", "id": "56bf5abc3aeaaa14008c95ea"}, {"answers": [{"answer_start": 50, "text": "the most giving Super Bowl ever"}, {"answer_start": 59, "text": "giving Super Bowl"}, {"answer_start": 59, "text": "giving"}], "question": "The Super Bowl 50 Host Committee said it would be the most what ever?", "id": "56d71d150d65d2140019836e"}, {"answers": [{"answer_start": 102, "text": "25 percent"}, {"answer_start": 102, "text": "25 percent of all money"}, {"answer_start": 102, "text": "25"}], "question": "How many will the host committee dedicate to local charities?", "id": "56d71d150d65d2140019836f"}, {"answers": [{"answer_start": 200, "text": "the 50 fund"}, {"answer_start": 200, "text": "the 50 fund"}, {"answer_start": 204, "text": "50 fund"}], "question": "What is the name of the fund that focuses on youth, community and sustainable environments?", "id": "56d71d150d65d21400198370"}, {"answers": [{"answer_start": 102, "text": "25 percent"}, {"answer_start": 102, "text": "25 percent"}, {"answer_start": 102, "text": "25"}], "question": "What percentage of money raised was earmarked for causes in the San Francisco area?", "id": "56d9b6a3dc89441400fdb72f"}, {"answers": [{"answer_start": 204, "text": "50 fund"}, {"answer_start": 200, "text": "the 50 fund"}, {"answer_start": 204, "text": "50 fund"}], "question": "What was the name of the work to give grants for youth development and other things?", "id": "56d9b6a3dc89441400fdb730"}]}, {"context": "In addition to the Vince Lombardi Trophy that all Super Bowl champions receive, the winner of Super Bowl 50 will also receive a large, 18-karat gold-plated \"50\". Each digit will weigh 33 lb (15 kg) for a total of 66 lb (30 kg). Like the Lombardi Trophy, the \"50\" will be designed by Tiffany & Co.", "qas": [{"answers": [{"answer_start": 19, "text": "Vince Lombardi"}, {"answer_start": 19, "text": "Vince Lombardi"}, {"answer_start": 25, "text": "Lombardi"}], "question": "Who is the trophy given to the Super Bowl champion named for?", "id": "56bec0353aeaaa14008c934d"}, {"answers": [{"answer_start": 135, "text": "18"}, {"answer_start": 135, "text": "18"}, {"answer_start": 135, "text": "18"}], "question": "The \"50\" given to the Super Bowl winner is plated with how many karats of gold?", "id": "56bec0353aeaaa14008c934e"}, {"answers": [{"answer_start": 213, "text": "66"}, {"answer_start": 213, "text": "66 lb"}, {"answer_start": 184, "text": "33"}], "question": "What will the \"50\" given to the Super Bowl winner weigh in pounds?", "id": "56bec0353aeaaa14008c934f"}, {"answers": [{"answer_start": 283, "text": "Tiffany & Co."}, {"answer_start": 283, "text": "Tiffany & Co"}, {"answer_start": 283, "text": "Tiffany & Co."}], "question": "Who designed the \"50\"?", "id": "56bec0353aeaaa14008c9350"}, {"answers": [{"answer_start": 283, "text": "Tiffany & Co."}, {"answer_start": 283, "text": "Tiffany & Co"}, {"answer_start": 283, "text": "Tiffany & Co"}], "question": "Who designed the Vince Lombardi Trophy?", "id": "56bec0353aeaaa14008c9351"}, {"answers": [{"answer_start": 19, "text": "Vince Lombardi Trophy"}, {"answer_start": 15, "text": "the Vince Lombardi Trophy"}, {"answer_start": 19, "text": "Vince Lombardi Trophy"}], "question": "What is the name of the trophy given to anyone who plays on the winning team in a Super Bowl?", "id": "56bf5b933aeaaa14008c95ed"}, {"answers": [{"answer_start": 135, "text": "18-karat gold-plated"}, {"answer_start": 135, "text": "18-karat gold"}, {"answer_start": 144, "text": "gold"}], "question": "What will the number \"50\" be plated with? ", "id": "56bf5b933aeaaa14008c95ef"}, {"answers": [{"answer_start": 283, "text": "Tiffany & Co"}, {"answer_start": 283, "text": "Tiffany & Co"}, {"answer_start": 283, "text": "Tiffany & Co"}], "question": "Who is the designer of the \"50?\"", "id": "56bf5b933aeaaa14008c95f1"}, {"answers": [{"answer_start": 15, "text": "the Vince Lombardi Trophy"}, {"answer_start": 15, "text": "the Vince Lombardi Trophy"}, {"answer_start": 19, "text": "Vince Lombardi Trophy"}], "question": "What is the name of the trophy that all Super Bowl winners receive?", "id": "56d71d9d0d65d21400198374"}, {"answers": [{"answer_start": 283, "text": "Tiffany & Co."}, {"answer_start": 283, "text": "Tiffany & Co"}, {"answer_start": 283, "text": "Tiffany & Co."}], "question": "Who designs both the \"50\" as well as the Trophy?", "id": "56d71d9d0d65d21400198377"}]}, {"context": "In the United States, the game was televised by CBS, as part of a cycle between the three main broadcast television partners of the NFL. The network's lead broadcast team of Jim Nantz and Phil Simms called the contest, with Tracy Wolfson and Evan Washburn on the sidelines. CBS introduced new features during the telecast, including pylon cameras and microphones along with EyeVision 360\u2014an array of 36 cameras along the upper deck that can be used to provide a 360-degree view of plays and \"bullet time\" effects. (An earlier version of EyeVision was last used in Super Bowl XXXV; for Super Bowl 50, the cameras were upgraded to 5K resolution.)", "qas": [{"answers": [{"answer_start": 48, "text": "CBS"}, {"answer_start": 48, "text": "CBS"}, {"answer_start": 48, "text": "CBS"}], "question": "On what television station could an American viewer watch the game?", "id": "56bec0dd3aeaaa14008c9357"}, {"answers": [{"answer_start": 188, "text": "Phil Simms"}, {"answer_start": 188, "text": "Phil Simms"}, {"answer_start": 188, "text": "Phil Simms"}], "question": "Who, with Jim Nantz, was a member of the game's lead broadcast team?", "id": "56bec0dd3aeaaa14008c9358"}, {"answers": [{"answer_start": 224, "text": "Tracy Wolfson"}, {"answer_start": 224, "text": "Tracy Wolfson"}, {"answer_start": 224, "text": "Tracy Wolfson"}], "question": "Who shared sideline duties with Evan Washburn?", "id": "56bec0dd3aeaaa14008c9359"}, {"answers": [{"answer_start": 384, "text": "36"}, {"answer_start": 400, "text": "36"}, {"answer_start": 400, "text": "36"}], "question": "How many cameras did EyeVision 360 utilize?", "id": "56bec0dd3aeaaa14008c935a"}, {"answers": [{"answer_start": 629, "text": "5K"}, {"answer_start": 629, "text": "5K"}, {"answer_start": 629, "text": "5K"}], "question": "What was the resolution of the cameras used in the EyeVision 360 system?", "id": "56bec0dd3aeaaa14008c935b"}, {"answers": [{"answer_start": 84, "text": "three"}, {"answer_start": 84, "text": "three"}, {"answer_start": 84, "text": "three"}], "question": "How many different TV networks are considered to be the principal partners, when it comes to broadcasting NFL events?", "id": "56bf5e7b3aeaaa14008c95f7"}, {"answers": [{"answer_start": 263, "text": "sidelines"}, {"answer_start": 259, "text": "the sidelines"}, {"answer_start": 263, "text": "sidelines"}], "question": "Where was Tracy Wolfson announcing from during the Super Bowl 50 game?", "id": "56bf5e7b3aeaaa14008c95f8"}, {"answers": [{"answer_start": 462, "text": "360-degree"}, {"answer_start": 384, "text": "360"}, {"answer_start": 462, "text": "360"}], "question": "New cameras were introduced for the game, what degree of view do they provide viewers?", "id": "56bf5e7b3aeaaa14008c95f9"}, {"answers": [{"answer_start": 629, "text": "5K resolution"}, {"answer_start": 629, "text": "5K"}, {"answer_start": 629, "text": "5K"}], "question": "What resolution were the cameras increased to for the game?", "id": "56bf5e7b3aeaaa14008c95fa"}, {"answers": [{"answer_start": 263, "text": "sidelines"}, {"answer_start": 259, "text": "the sidelines"}, {"answer_start": 263, "text": "sidelines"}], "question": "Where was Evan Washburn located while announcing during the game?", "id": "56bf5e7b3aeaaa14008c95fb"}, {"answers": [{"answer_start": 48, "text": "CBS"}, {"answer_start": 48, "text": "CBS"}, {"answer_start": 48, "text": "CBS"}], "question": "Which television network aired the Super Bowl?", "id": "56d71ed50d65d2140019837c"}, {"answers": [{"answer_start": 84, "text": "three"}, {"answer_start": 84, "text": "three"}, {"answer_start": 84, "text": "three"}], "question": "How many broadcast television partners does the NFL have?", "id": "56d71ed50d65d2140019837d"}, {"answers": [{"answer_start": 48, "text": "CBS"}, {"answer_start": 48, "text": "CBS"}, {"answer_start": 48, "text": "CBS"}], "question": "What network aired Super Bowl 50?", "id": "56d9b7dcdc89441400fdb740"}, {"answers": [{"answer_start": 174, "text": "Jim Nantz and Phil Simms"}, {"answer_start": 174, "text": "Jim Nantz and Phil Simms"}, {"answer_start": 174, "text": "Jim Nantz and Phil Simms"}], "question": "Who were the announcers of Super Bowl 50?", "id": "56d9b7dcdc89441400fdb741"}, {"answers": [{"answer_start": 224, "text": "Tracy Wolfson and Evan Washburn"}, {"answer_start": 224, "text": "Tracy Wolfson and Evan Washburn"}, {"answer_start": 224, "text": "Tracy Wolfson and Evan Washburn"}], "question": "Who were the Super Bowl 50 sideline announcers?", "id": "56d9b7dcdc89441400fdb742"}, {"answers": [{"answer_start": 629, "text": "5K"}, {"answer_start": 629, "text": "5K"}, {"answer_start": 629, "text": "5K"}], "question": "What resolution were the Eyevision cameras changed to?", "id": "56d9b7dcdc89441400fdb743"}, {"answers": [{"answer_start": 339, "text": "cameras"}, {"answer_start": 339, "text": "cameras"}, {"answer_start": 339, "text": "cameras"}], "question": "What was put on pylons for Super Bowl 50?", "id": "56d9b7dcdc89441400fdb744"}]}, {"context": "On December 28, 2015, ESPN Deportes announced that they had reached an agreement with CBS and the NFL to be the exclusive Spanish-language broadcaster of the game, marking the third dedicated Spanish-language broadcast of the Super Bowl. Unlike NBC and Fox, CBS does not have a Spanish-language outlet of its own that could broadcast the game (though per league policy, a separate Spanish play-by-play call was carried on CBS's second audio program channel for over-the-air viewers). The game was called by ESPN Deportes' Monday Night Football commentary crew of Alvaro Martin and Raul Allegre, and sideline reporter John Sutcliffe. ESPN Deportes broadcast pre-game and post-game coverage, while Martin, Allegre, and Sutcliffe contributed English-language reports for ESPN's SportsCenter and Mike & Mike.", "qas": [{"answers": [{"answer_start": 22, "text": "ESPN Deportes"}, {"answer_start": 22, "text": "ESPN Deportes"}, {"answer_start": 22, "text": "ESPN Deportes"}], "question": "Which network broadcast the game in Spanish?", "id": "56bec1823aeaaa14008c9361"}, {"answers": [{"answer_start": 617, "text": "John Sutcliffe"}, {"answer_start": 617, "text": "John Sutcliffe"}, {"answer_start": 622, "text": "Sutcliffe"}], "question": "Who reported on the sideline for ESPN Deportes?", "id": "56bec1823aeaaa14008c9362"}, {"answers": [{"answer_start": 563, "text": "Alvaro Martin"}, {"answer_start": 563, "text": "Alvaro Martin"}, {"answer_start": 563, "text": "Alvaro Martin"}], "question": "Who provided Spanish-language commentary alongside Raul Allegre?", "id": "56bec1823aeaaa14008c9363"}, {"answers": [{"answer_start": 3, "text": "December 28, 2015"}, {"answer_start": 3, "text": "December 28, 2015"}, {"answer_start": 3, "text": "December 28, 2015,"}], "question": "On what date did ESPN Deportes announce their deal with CBS and the NFL?", "id": "56bec1823aeaaa14008c9364"}, {"answers": [{"answer_start": 122, "text": "Spanish"}, {"answer_start": 122, "text": "Spanish"}, {"answer_start": 122, "text": "Spanish"}], "question": "In what language did ESPN Deportes broadcast the game?", "id": "56bec1823aeaaa14008c9365"}, {"answers": [{"answer_start": 86, "text": "CBS"}, {"answer_start": 22, "text": "ESPN Deportes"}, {"answer_start": 22, "text": "ESPN Deportes"}], "question": "Which TV network broadcasted Super Bowl 50 in Spanish?", "id": "56bf6d343aeaaa14008c961b"}, {"answers": [{"answer_start": 22, "text": "ESPN Deportes"}, {"answer_start": 22, "text": "ESPN Deportes"}, {"answer_start": 22, "text": "ESPN Deportes"}], "question": "Who exclusively broadcast the game in Spanish after reaching an agreement with the NFL and CBS?", "id": "56d71fc00d65d21400198386"}, {"answers": [{"answer_start": 617, "text": "John Sutcliffe."}, {"answer_start": 617, "text": "John Sutcliffe"}, {"answer_start": 622, "text": "Sutcliffe"}], "question": "Who was the sideline reporter for ESPN Deportes?", "id": "56d71fc00d65d21400198389"}, {"answers": [{"answer_start": 22, "text": "ESPN Deportes"}, {"answer_start": 22, "text": "ESPN Deportes"}, {"answer_start": 22, "text": "ESPN Deportes"}], "question": "What agency did the Spanish version of the Super Bowl?", "id": "56d9ba95dc89441400fdb754"}, {"answers": [{"answer_start": 563, "text": "Alvaro Martin and Raul Allegre"}, {"answer_start": 563, "text": "Alvaro Martin and Raul Allegre"}, {"answer_start": 563, "text": "Alvaro Martin and Raul Allegre"}], "question": "Who were the ESPN Deportes commentators for Super Bowl 50?", "id": "56d9ba95dc89441400fdb757"}, {"answers": [{"answer_start": 617, "text": "John Sutcliffe."}, {"answer_start": 617, "text": "John Sutcliffe"}, {"answer_start": 622, "text": "Sutcliffe"}], "question": "Who was the ESPN Deportes sideline commentator for Super Bowl 50?", "id": "56d9ba95dc89441400fdb758"}]}, {"context": "CBS provided digital streams of the game via CBSSports.com, and the CBS Sports apps on tablets, Windows 10, Xbox One and other digital media players (such as Chromecast and Roku). Due to Verizon Communications exclusivity, streaming on smartphones was only provided to Verizon Wireless customers via the NFL Mobile service. The ESPN Deportes Spanish broadcast was made available through WatchESPN.", "qas": [{"answers": [{"answer_start": 304, "text": "NFL Mobile"}, {"answer_start": 304, "text": "NFL Mobile"}, {"answer_start": 304, "text": "NFL Mobile service."}], "question": "What service did Verizon customers need to use to stream the game on their smartphones?", "id": "56bec2013aeaaa14008c9371"}, {"answers": [{"answer_start": 387, "text": "WatchESPN"}, {"answer_start": 387, "text": "WatchESPN"}, {"answer_start": 387, "text": "WatchESPN"}], "question": "On what service could the ESPN Deportes broadcast be streamed?", "id": "56bec2013aeaaa14008c9372"}, {"answers": [{"answer_start": 45, "text": "CBSSports.com"}, {"answer_start": 45, "text": "CBSSports.com"}, {"answer_start": 45, "text": "CBSSports"}], "question": "What CBS website provided a stream?", "id": "56bec2013aeaaa14008c9373"}, {"answers": [{"answer_start": 108, "text": "Xbox One"}, {"answer_start": 108, "text": "Xbox One"}, {"answer_start": 108, "text": "Xbox One"}], "question": "On what game console was the CBS Sports app available?", "id": "56bec2013aeaaa14008c9374"}, {"answers": [{"answer_start": 104, "text": "10"}, {"answer_start": 104, "text": "10"}, {"answer_start": 104, "text": "10"}], "question": "What version of Windows supported the CBS sports app?", "id": "56bec2013aeaaa14008c9375"}, {"answers": [{"answer_start": 45, "text": "CBSSports.com"}, {"answer_start": 45, "text": "CBSSports.com"}, {"answer_start": 45, "text": "CBSSports.com"}], "question": "What was the domain name of the site that streamed the Super Bowl 50 game? ", "id": "56bf6e7a3aeaaa14008c961f"}, {"answers": [{"answer_start": 108, "text": "Xbox One"}, {"answer_start": 108, "text": "Xbox One"}, {"answer_start": 108, "text": "Xbox"}], "question": "Which game console could viewers stream the game on? ", "id": "56bf6e7a3aeaaa14008c9620"}, {"answers": [{"answer_start": 269, "text": "Verizon Wireless customers"}, {"answer_start": 187, "text": "Verizon"}, {"answer_start": 187, "text": "Verizon"}], "question": "Which smartphone customers were the only people who could stream the game on their phones?", "id": "56bf6e7a3aeaaa14008c9621"}, {"answers": [{"answer_start": 304, "text": "NFL Mobile service"}, {"answer_start": 64, "text": "the CBS Sports apps"}, {"answer_start": 304, "text": "NFL"}], "question": "What app did viewers use to watch the game on their smartphones? ", "id": "56bf6e7a3aeaaa14008c9622"}, {"answers": [{"answer_start": 187, "text": "Verizon"}, {"answer_start": 187, "text": "Verizon"}, {"answer_start": 187, "text": "Verizon"}], "question": "Which wireless company had exclusive streaming rights on mobile phones?", "id": "56d7205e0d65d21400198391"}, {"answers": [{"answer_start": 304, "text": "NFL Mobile service."}, {"answer_start": 304, "text": "NFL Mobile"}, {"answer_start": 304, "text": "NFL"}], "question": "Which mobile service were Verizon customers able to watch Super Bowl 50 on their phones?", "id": "56d7205e0d65d21400198392"}, {"answers": [{"answer_start": 13, "text": "digital streams of the game"}, {"answer_start": 13, "text": "digital streams"}, {"answer_start": 13, "text": "digital streams"}], "question": "What did CBS provide of the Super Bowl 50 broadcast for its website, some apps and media players?", "id": "56d9bc13dc89441400fdb75e"}, {"answers": [{"answer_start": 187, "text": "Verizon"}, {"answer_start": 187, "text": "Verizon"}, {"answer_start": 187, "text": "Verizon"}], "question": "What cellular carrier had the only contract for the Super Bowl to be shown on smartphones?", "id": "56d9bc13dc89441400fdb75f"}, {"answers": [{"answer_start": 387, "text": "WatchESPN."}, {"answer_start": 379, "text": "through WatchESPN"}, {"answer_start": 387, "text": "WatchESPN"}], "question": "Where was the ESPN Deportes Spanish version of Super Bowl 50 available?", "id": "56d9bc13dc89441400fdb760"}]}, {"context": "As opposed to broadcasts of primetime series, CBS broadcast special episodes of its late night talk shows as its lead-out programs for Super Bowl 50, beginning with a special episode of The Late Show with Stephen Colbert following the game. Following a break for late local programming, CBS also aired a special episode of The Late Late Show with James Corden.", "qas": [{"answers": [{"answer_start": 186, "text": "The Late Show with Stephen Colbert"}, {"answer_start": 186, "text": "The Late Show with Stephen Colbert"}, {"answer_start": 190, "text": "Late Show with Stephen Colbert"}], "question": "What talk show followed immediately after Super Bowl 50 on CBS?", "id": "56bec2573aeaaa14008c937b"}, {"answers": [{"answer_start": 323, "text": "The Late Late Show with James Corden"}, {"answer_start": 323, "text": "The Late Late Show with James Corden"}, {"answer_start": 327, "text": "Late Late Show with James Corden"}], "question": "What show aired on CBS after late local programming?", "id": "56bec2573aeaaa14008c937c"}, {"answers": [{"answer_start": 186, "text": "The Late Show with Stephen Colbert"}, {"answer_start": 186, "text": "The Late Show with Stephen Colbert"}, {"answer_start": 213, "text": "Colbert"}], "question": "Which late night comedy host show played immediately after Super Bowl 50 ended?", "id": "56bf6f743aeaaa14008c9631"}, {"answers": [{"answer_start": 323, "text": "The Late Late Show with James Corden"}, {"answer_start": 323, "text": "The Late Late Show with James Corden"}, {"answer_start": 327, "text": "Late Late Show with James Corden"}], "question": "What other CBS talk show played, after the main one that began immediately after Super Bowl 50?", "id": "56bf6f743aeaaa14008c9632"}, {"answers": [{"answer_start": 186, "text": "The Late Show with Stephen Colbert"}, {"answer_start": 186, "text": "The Late Show with Stephen Colbert"}, {"answer_start": 190, "text": "Late Show with Stephen Colbert"}], "question": "What CBS show followed the Super Bowl?", "id": "56d720c70d65d21400198396"}, {"answers": [{"answer_start": 263, "text": "late local programming"}, {"answer_start": 263, "text": "late local programming"}, {"answer_start": 263, "text": "late local programming"}], "question": "What followed The Late Show with Stephen Colbert?", "id": "56d720c70d65d21400198397"}, {"answers": [{"answer_start": 323, "text": "The Late Late Show with James Corden."}, {"answer_start": 323, "text": "The Late Late Show with James Corden"}, {"answer_start": 323, "text": "The Late Late Show with James Corden."}], "question": "What followed the late local programming after Super Bowl 50?", "id": "56d720c70d65d21400198398"}]}, {"context": "CBS set the base rate for a 30-second advertisement at $5,000,000, a record high price for a Super Bowl ad. As of January 26, the advertisements had not yet sold out. CBS mandated that all advertisers purchase a package covering time on both the television and digital broadcasts of the game, meaning that for the first time, digital streams of the game would carry all national advertising in pattern with the television broadcast. This would be the final year in a multi-year contract with Anheuser-Busch InBev that allowed the beer manufacturer to air multiple advertisements during the game at a steep discount. It was also the final year that Doritos, a longtime sponsor of the game, held its \"Crash the Super Bowl\" contest that allowed viewers to create their own Doritos ads for a chance to have it aired during the game. Nintendo and The Pok\u00e9mon Company also made their Super Bowl debut, promoting the 20th anniversary of the Pok\u00e9mon video game and media franchise.", "qas": [{"answers": [{"answer_start": 55, "text": "$5,000,000"}, {"answer_start": 55, "text": "$5,000,000"}, {"answer_start": 55, "text": "$5,000,000,"}], "question": "What was the base rate for a 30-second ad during Super Bowl 50?", "id": "56bec3153aeaaa14008c9389"}, {"answers": [{"answer_start": 492, "text": "Anheuser-Busch InBev"}, {"answer_start": 492, "text": "Anheuser-Busch InBev"}, {"answer_start": 492, "text": "Anheuser-Busch InBev"}], "question": "What beverage company signed a contract allowing them to broadcast ads at a discount?", "id": "56bec3153aeaaa14008c938a"}, {"answers": [{"answer_start": 648, "text": "Doritos"}, {"answer_start": 770, "text": "Doritos"}, {"answer_start": 648, "text": "Doritos"}], "question": "What brand sponsored the \"Crash the Super Bowl\" contest?", "id": "56bec3153aeaaa14008c938b"}, {"answers": [{"answer_start": 910, "text": "20th"}, {"answer_start": 906, "text": "the 20th"}, {"answer_start": 910, "text": "20th"}], "question": "What anniversary of the Pok\u00e9mon franchise was celebrated during the Super Bowl?", "id": "56bec3153aeaaa14008c938c"}, {"answers": [{"answer_start": 55, "text": "$5,000,000"}, {"answer_start": 55, "text": "$5,000,000"}, {"answer_start": 55, "text": "$5,000,000"}], "question": "What was the starting cost for a TV commercial lasting 30 seconds and airing during Super Bowl 50?", "id": "56bf717d3aeaaa14008c9635"}, {"answers": [{"answer_start": 492, "text": "Anheuser-Busch InBev"}, {"answer_start": 492, "text": "Anheuser-Busch InBev"}, {"answer_start": 492, "text": "Anheuser-Busch InBev"}], "question": "Which company was given permission to air TV commercials during Super Bowl 50 at a discounted price?", "id": "56bf717d3aeaaa14008c9637"}, {"answers": [{"answer_start": 648, "text": "Doritos"}, {"answer_start": 770, "text": "Doritos"}, {"answer_start": 648, "text": "Doritos"}], "question": "Which company held a contest whereupon contestants could enter for a chance to have their own commercial shown during Super Bowl 50?", "id": "56bf717d3aeaaa14008c9638"}, {"answers": [{"answer_start": 829, "text": "Nintendo"}, {"answer_start": 829, "text": "Nintendo"}, {"answer_start": 829, "text": "Nintendo"}], "question": "Which video gaming company debuted their ad for the first time during Super Bowl 50?", "id": "56bf717d3aeaaa14008c9639"}, {"answers": [{"answer_start": 842, "text": "The Pok\u00e9mon Company"}, {"answer_start": 842, "text": "The Pok\u00e9mon Company"}, {"answer_start": 842, "text": "The Pok\u00e9mon Company"}], "question": "Who made their Super Bowl commercial debut with Nintendo?", "id": "56d721af0d65d2140019839e"}, {"answers": [{"answer_start": 492, "text": "Anheuser-Busch InBev"}, {"answer_start": 492, "text": "Anheuser-Busch InBev"}, {"answer_start": 492, "text": "Anheuser-Busch InBev"}], "question": "Which company has been able to air multiple ads at a steep discount?", "id": "56d721af0d65d2140019839f"}, {"answers": [{"answer_start": 648, "text": "Doritos"}, {"answer_start": 648, "text": "Doritos"}, {"answer_start": 648, "text": "Doritos"}], "question": "Which company has held contests for fans to create their own ad for the company?", "id": "56d721af0d65d214001983a0"}, {"answers": [{"answer_start": 492, "text": "Anheuser-Busch InBev"}, {"answer_start": 492, "text": "Anheuser-Busch InBev"}, {"answer_start": 492, "text": "Anheuser-Busch InBev"}], "question": "What company was in its last year for getting Super Bowl commercials at a big discount?", "id": "56d9bdc1dc89441400fdb768"}, {"answers": [{"answer_start": 648, "text": "Doritos"}, {"answer_start": 648, "text": "Doritos"}, {"answer_start": 648, "text": "Doritos"}], "question": "What company was this the last Super Bowl they would let customers have an opportunity to get their own commercial ideas aired?", "id": "56d9bdc1dc89441400fdb769"}, {"answers": [{"answer_start": 699, "text": "Crash the Super Bowl"}, {"answer_start": 699, "text": "Crash the Super Bowl"}, {"answer_start": 699, "text": "Crash the Super Bowl"}], "question": "What was the Doritos customer Super Bowl ad campaign called?", "id": "56d9bdc1dc89441400fdb76a"}]}, {"context": "QuickBooks sponsored a \"Small Business Big Game\" contest, in which Death Wish Coffee had a 30-second commercial aired free of charge courtesy of QuickBooks. Death Wish Coffee beat out nine other contenders from across the United States for the free advertisement.", "qas": [{"answers": [{"answer_start": 23, "text": "\"Small Business Big Game\""}, {"answer_start": 24, "text": "Small Business Big Game"}, {"answer_start": 24, "text": "Small Business Big Game"}], "question": "What was the name of the contest sponsored by QuickBooks?", "id": "56bec38b3aeaaa14008c9397"}, {"answers": [{"answer_start": 67, "text": "Death Wish Coffee"}, {"answer_start": 67, "text": "Death Wish Coffee"}, {"answer_start": 157, "text": "Death Wish Coffee"}], "question": "What company won a free advertisement due to the QuickBooks contest?", "id": "56bec38b3aeaaa14008c9398"}, {"answers": [{"answer_start": 91, "text": "30-second"}, {"answer_start": 91, "text": "30-second"}, {"answer_start": 91, "text": "30-second"}], "question": "How long was the Death Wish Coffee commercial?", "id": "56bec38b3aeaaa14008c9399"}, {"answers": [{"answer_start": 184, "text": "nine"}, {"answer_start": 184, "text": "nine"}, {"answer_start": 184, "text": "nine"}], "question": "Besides Death Wish Coffee, how many other competitors participated in the contest?", "id": "56bec38b3aeaaa14008c939a"}, {"answers": [{"answer_start": 67, "text": "Death Wish Coffee"}, {"answer_start": 67, "text": "Death Wish Coffee"}, {"answer_start": 157, "text": "Death Wish Coffee"}], "question": "Which company won a contest to have their ad shown for free during Super Bowl 50?", "id": "56bf71e73aeaaa14008c963f"}, {"answers": [{"answer_start": 184, "text": "nine"}, {"answer_start": 184, "text": "nine"}, {"answer_start": 184, "text": "nine"}], "question": "How many other contestants did the company, that had their ad shown for free, beat out?", "id": "56bf71e73aeaaa14008c9640"}, {"answers": [{"answer_start": 145, "text": "QuickBooks."}, {"answer_start": 0, "text": "QuickBooks"}, {"answer_start": 0, "text": "QuickBooks"}], "question": "Which company sponsored a contest called \"Small Business Big Game\"?", "id": "56d722330d65d214001983a6"}, {"answers": [{"answer_start": 67, "text": "Death Wish Coffee"}, {"answer_start": 67, "text": "Death Wish Coffee"}, {"answer_start": 157, "text": "Death Wish Coffee"}], "question": "Which company had a commercial aired for free as a result of the Quickbooks contest?", "id": "56d722330d65d214001983a7"}, {"answers": [{"answer_start": 198, "text": "ten"}, {"answer_start": 184, "text": "nine"}, {"answer_start": 184, "text": "nine"}], "question": "How many companies were part of the Quickbooks contest?", "id": "56d722330d65d214001983a8"}, {"answers": [{"answer_start": 145, "text": "QuickBooks."}, {"answer_start": 0, "text": "QuickBooks"}, {"answer_start": 0, "text": "QuickBooks"}], "question": "What company had a contest to win a free Super Bowl commercial?", "id": "56d9be16dc89441400fdb770"}, {"answers": [{"answer_start": 67, "text": "Death Wish Coffee"}, {"answer_start": 67, "text": "Death Wish Coffee"}, {"answer_start": 157, "text": "Death Wish Coffee"}], "question": "Who won the competition to get a free Super Bowl commercial aired?", "id": "56d9be16dc89441400fdb771"}]}, {"context": "20th Century Fox, Lionsgate, Paramount Pictures, Universal Studios and Walt Disney Studios paid for movie trailers to be aired during the Super Bowl. Fox paid for Deadpool, X-Men: Apocalypse, Independence Day: Resurgence and Eddie the Eagle, Lionsgate paid for Gods of Egypt, Paramount paid for Teenage Mutant Ninja Turtles: Out of the Shadows and 10 Cloverfield Lane, Universal paid for The Secret Life of Pets and the debut trailer for Jason Bourne and Disney paid for Captain America: Civil War, The Jungle Book and Alice Through the Looking Glass.[citation needed]", "qas": [{"answers": [{"answer_start": 438, "text": "Jason Bourne"}, {"answer_start": 438, "text": "Jason Bourne"}, {"answer_start": 438, "text": "Jason Bourne"}], "question": "What Universal trailer debuted during the Super Bowl?", "id": "56bec4343aeaaa14008c93a9"}, {"answers": [{"answer_start": 261, "text": "Gods of Egypt"}, {"answer_start": 261, "text": "Gods of Egypt"}, {"answer_start": 261, "text": "Gods of Egypt,"}], "question": "What Lionsgate trailer was shown during the Super Bowl?", "id": "56bec4343aeaaa14008c93aa"}, {"answers": [{"answer_start": 295, "text": "Teenage Mutant Ninja Turtles: Out of the Shadows"}, {"answer_start": 295, "text": "Teenage Mutant Ninja Turtles: Out of the Shadows"}, {"answer_start": 295, "text": "Teenage Mutant Ninja Turtles: Out of the Shadows"}], "question": "Along with 10 Cloverfield Lane, what Paramount trailer appeared during the Super Bowl?", "id": "56bec4343aeaaa14008c93ab"}, {"answers": [{"answer_start": 210, "text": "Resurgence"}, {"answer_start": 210, "text": "Resurgence"}, {"answer_start": 210, "text": "Resurgence"}], "question": "What was the subtitle of the Independence Day movie that had a trailer during the Super Bowl?", "id": "56bec4343aeaaa14008c93ac"}, {"answers": [{"answer_start": 261, "text": "Gods of Egypt"}, {"answer_start": 261, "text": "Gods of Egypt"}, {"answer_start": 261, "text": "Gods of Egypt"}], "question": "What film did Lionsgate pay to have the trailer aired during the Super Bowl?", "id": "56d723560d65d214001983ac"}, {"answers": [{"answer_start": 295, "text": "Teenage Mutant Ninja Turtles: Out of the Shadows"}, {"answer_start": 295, "text": "Teenage Mutant Ninja Turtles: Out of the Shadows"}, {"answer_start": 295, "text": "Teenage Mutant Ninja Turtles"}], "question": "Paramount paid fo, 10 Cloverfield Lane and which other film trailer to be aired during the game?", "id": "56d723560d65d214001983ad"}, {"answers": [{"answer_start": 438, "text": "Jason Bourne"}, {"answer_start": 438, "text": "Jason Bourne"}, {"answer_start": 438, "text": "Jason Bourne"}], "question": "Universal Paid for The Secret Life of Pets and which other film trailer?", "id": "56d723560d65d214001983ae"}, {"answers": [{"answer_start": 471, "text": "Captain America: Civil War"}, {"answer_start": 471, "text": "Captain America: Civil War"}, {"answer_start": 471, "text": "Captain America: Civil War"}], "question": "Disney paid for The Jungle Book, Alice Through the Looking Glass, and which other film trailer to be aired during the game?", "id": "56d723560d65d214001983af"}, {"answers": [{"answer_start": 192, "text": "Independence Day"}, {"answer_start": 192, "text": "Independence Day"}, {"answer_start": 192, "text": "Independence Day: Resurgence"}], "question": "What famous July Fourth holiday movie did Fox pay to advertise a sequel of during the Super Bowl?", "id": "56d9bf70dc89441400fdb77b"}, {"answers": [{"answer_start": 49, "text": "Universal"}, {"answer_start": 369, "text": "Universal"}, {"answer_start": 369, "text": "Universal"}], "question": "What movie company paid to have the next Jason Bourne movie ad shown during the Super Bowl?", "id": "56d9bf70dc89441400fdb77c"}, {"answers": [{"answer_start": 13, "text": "Fox"}, {"answer_start": 150, "text": "Fox"}, {"answer_start": 455, "text": "Disney"}], "question": "What company paid for a Super Bowl 50 ad to show a trailer of X-Men: Apocalypse?", "id": "56d9bf70dc89441400fdb77d"}]}, {"context": "Westwood One will carry the game throughout North America, with Kevin Harlan as play-by-play announcer, Boomer Esiason and Dan Fouts as color analysts, and James Lofton and Mark Malone as sideline reporters. Jim Gray will anchor the pre-game and halftime coverage.", "qas": [{"answers": [{"answer_start": 0, "text": "Westwood One"}, {"answer_start": 0, "text": "Westwood One"}, {"answer_start": 0, "text": "Westwood One"}], "question": "What radio network carried the Super Bowl?", "id": "56bec4a33aeaaa14008c93b1"}, {"answers": [{"answer_start": 64, "text": "Kevin Harlan"}, {"answer_start": 64, "text": "Kevin Harlan"}, {"answer_start": 64, "text": "Kevin Harlan"}], "question": "Who did play-by-play on Westwood One?", "id": "56bec4a33aeaaa14008c93b2"}, {"answers": [{"answer_start": 208, "text": "Jim Gray"}, {"answer_start": 208, "text": "Jim Gray"}, {"answer_start": 206, "text": ". Jim Gray"}], "question": "Who handled pre-game coverage on Westwood One?", "id": "56bec4a33aeaaa14008c93b3"}, {"answers": [{"answer_start": 104, "text": "Boomer Esiason"}, {"answer_start": 104, "text": "Boomer Esiason"}, {"answer_start": 104, "text": "Boomer Esiason"}], "question": "Along with Dan Fouts, who served as a color analyst for the radio broadcast?", "id": "56bec4a33aeaaa14008c93b4"}, {"answers": [{"answer_start": 156, "text": "James Lofton"}, {"answer_start": 156, "text": "James Lofton"}, {"answer_start": 156, "text": "James Lofton and Mark Malone"}], "question": "Who shared sideline reporting duties with Mark Malone?", "id": "56bec4a33aeaaa14008c93b5"}, {"answers": [{"answer_start": 3, "text": "two"}, {"answer_start": 104, "text": "Boomer Esiason and Dan Fouts"}], "question": "How many color analysts were involved with Super Bowl 50?", "id": "56bf738b3aeaaa14008c9655"}, {"answers": [{"answer_start": 64, "text": "Kevin Harlan"}, {"answer_start": 64, "text": "Kevin Harlan"}, {"answer_start": 64, "text": "Kevin Harlan"}], "question": "Who announced the game play-by-play for Super Bowl 50?", "id": "56bf738b3aeaaa14008c9656"}, {"answers": [{"answer_start": 0, "text": "Westwood One"}, {"answer_start": 0, "text": "Westwood One"}, {"answer_start": 0, "text": "Westwood One"}], "question": "Who will carry the game throughout all of North America?", "id": "56d723ad0d65d214001983b4"}, {"answers": [{"answer_start": 64, "text": "Kevin Harlan"}, {"answer_start": 64, "text": "Kevin Harlan"}, {"answer_start": 64, "text": "Kevin Harlan"}], "question": "Who is the play-by-play announcer for the game?", "id": "56d723ad0d65d214001983b5"}, {"answers": [{"answer_start": 208, "text": "Jim Gray"}, {"answer_start": 208, "text": "Jim Gray"}, {"answer_start": 208, "text": "Jim Gray"}], "question": "Who covered the halftime coverage?", "id": "56d723ad0d65d214001983b8"}, {"answers": [{"answer_start": 64, "text": "Kevin Harlan"}, {"answer_start": 64, "text": "Kevin Harlan"}, {"answer_start": 64, "text": "Kevin Harlan"}], "question": "Who was the announcer for Westwood One's Super Bowl 50 coverage?", "id": "56d9c049dc89441400fdb78e"}, {"answers": [{"answer_start": 104, "text": "Boomer Esiason and Dan Fouts"}, {"answer_start": 104, "text": "Boomer Esiason and Dan Fouts"}, {"answer_start": 104, "text": "Boomer Esiason and Dan Fouts"}], "question": "Who were the Westwood one color analysts?", "id": "56d9c049dc89441400fdb78f"}, {"answers": [{"answer_start": 156, "text": "James Lofton and Mark Malone"}, {"answer_start": 156, "text": "James Lofton and Mark Malone"}, {"answer_start": 156, "text": "James Lofton and Mark Malone"}], "question": "Who were the Westwood One sideline announcers?", "id": "56d9c049dc89441400fdb790"}, {"answers": [{"answer_start": 233, "text": "pre-game and halftime coverage."}, {"answer_start": 246, "text": "halftime"}, {"answer_start": 222, "text": "anchor the pre-game and halftime coverage"}], "question": "What did Jim Gray cover?", "id": "56d9c049dc89441400fdb791"}, {"answers": [{"answer_start": 44, "text": "North America"}, {"answer_start": 44, "text": "North America"}, {"answer_start": 44, "text": "North America"}], "question": "What area did the Westwood One broadcast cover?", "id": "56d9c049dc89441400fdb792"}]}, {"context": "The flagship stations of each station in the markets of each team will carry their local play-by-play calls. In Denver, KOA (850 AM) and KRFX (103.5 FM) will carry the game, with Dave Logan on play-by-play and Ed McCaffrey on color commentary. In North Carolina, WBT (1110 AM) will carry the game, with Mick Mixon on play-by-play and Eugene Robinson and Jim Szoke on color commentary. WBT will also simulcast the game on its sister station WBT-FM (99.3 FM), which is based in Chester, South Carolina. As KOA and WBT are both clear-channel stations, the local broadcasts will be audible over much of the western United States after sunset (for Denver) and the eastern United States throughout the game (for Carolina). In accordance with contractual rules, the rest of the stations in the Broncos and Panthers radio networks will either carry the Westwood One feed or not carry the game at all.", "qas": [{"answers": [{"answer_start": 137, "text": "KRFX"}, {"answer_start": 137, "text": "KRFX"}, {"answer_start": 137, "text": "KRFX"}], "question": "What radio station is located at 103.5FM on the dial in Denver?", "id": "56bec5233aeaaa14008c93cf"}, {"answers": [{"answer_start": 179, "text": "Dave Logan"}, {"answer_start": 120, "text": "KOA (850 AM) and KRFX (103.5 FM)"}, {"answer_start": 179, "text": "Dave Logan"}], "question": "Who handled play-by-play for the Denver radio market?", "id": "56bec5233aeaaa14008c93d0"}, {"answers": [{"answer_start": 268, "text": "1110 AM"}, {"answer_start": 268, "text": "1110 AM"}, {"answer_start": 267, "text": "(1110 AM)"}], "question": "What is the frequency of the radio station WBT in North Carolina?", "id": "56bec5233aeaaa14008c93d1"}, {"answers": [{"answer_start": 476, "text": "Chester, South Carolina"}, {"answer_start": 476, "text": "Chester"}, {"answer_start": 476, "text": "Chester, South Carolina"}], "question": "In what city is WBT-FM located?", "id": "56bec5233aeaaa14008c93d2"}, {"answers": [{"answer_start": 303, "text": "Mick Mixon"}, {"answer_start": 303, "text": "Mick Mixon"}, {"answer_start": 303, "text": "Mick Mixon"}], "question": "Who did play-by-play for the WBT broadcast?", "id": "56bec5233aeaaa14008c93d3"}, {"answers": [{"answer_start": 179, "text": "Dave Logan"}, {"answer_start": 179, "text": "Dave Logan"}, {"answer_start": 179, "text": "Dave Logan"}], "question": "Who handled the play-by-play for the Denver radio stations?", "id": "56d724620d65d214001983be"}, {"answers": [{"answer_start": 210, "text": "Ed McCaffrey"}, {"answer_start": 210, "text": "Ed McCaffrey"}, {"answer_start": 210, "text": "Ed McCaffrey"}], "question": "Who handled the color commentary for Denver's radio stations?", "id": "56d724620d65d214001983bf"}, {"answers": [{"answer_start": 263, "text": "WBT"}, {"answer_start": 263, "text": "WBT (1110 AM)"}, {"answer_start": 263, "text": "WBT (1110 AM)"}], "question": "Which station covered the game for North Carolina?", "id": "56d724620d65d214001983c0"}, {"answers": [{"answer_start": 303, "text": "Mick Mixon"}, {"answer_start": 303, "text": "Mick Mixon"}, {"answer_start": 303, "text": "Mick Mixon"}], "question": "Who handled the play-by-play for WBT?", "id": "56d724620d65d214001983c1"}, {"answers": [{"answer_start": 120, "text": "KOA (850 AM) and KRFX (103.5 FM)"}, {"answer_start": 120, "text": "KOA (850 AM) and KRFX (103.5 FM)"}, {"answer_start": 120, "text": "KOA (850 AM) and KRFX (103.5 FM)"}], "question": "What two radio stations in Denver carried Super Bowl 50?", "id": "56d9c203dc89441400fdb7a0"}, {"answers": [{"answer_start": 440, "text": "WBT-FM (99.3 FM)"}, {"answer_start": 263, "text": "WBT (1110 AM)"}, {"answer_start": 440, "text": "WBT-FM"}], "question": "What radio station in South Carolina carried the Super Bowl 50 game?", "id": "56d9c203dc89441400fdb7a3"}]}, {"context": "In the United Kingdom, BBC Radio 5 Live and 5 Live Sports Extra will carry the contest. The BBC will carry its own British English broadcast, with Greg Brady, Darren Fletcher and Rocky Boiman on commentary.", "qas": [{"answers": [{"answer_start": 23, "text": "BBC Radio 5"}, {"answer_start": 27, "text": "Radio 5 Live"}, {"answer_start": 23, "text": "BBC Radio 5 Live"}], "question": "What BBC radio station will carry the game in the United Kingdom?", "id": "56bec5ff3aeaaa14008c93e3"}, {"answers": [{"answer_start": 44, "text": "5 Live Sports Extra"}, {"answer_start": 44, "text": "5 Live Sports Extra"}, {"answer_start": 44, "text": "5 Live Sports Extra"}], "question": "Aside from BBC Radio 5, what radio station will broadcast the game?", "id": "56bec5ff3aeaaa14008c93e4"}, {"answers": [{"answer_start": 159, "text": "Darren Fletcher"}, {"answer_start": 159, "text": "Darren Fletcher"}, {"answer_start": 159, "text": "Darren Fletcher"}], "question": "Who makes up the BBC commentary team with Greg Brady and Rocky Boiman?", "id": "56bec5ff3aeaaa14008c93e5"}, {"answers": [{"answer_start": 23, "text": "BBC"}, {"answer_start": 23, "text": "BBC"}, {"answer_start": 92, "text": "BBC"}], "question": "What British TV network will carry the Super Bowl?", "id": "56d724ea0d65d214001983c8"}, {"answers": [{"answer_start": 147, "text": "Greg Brady"}, {"answer_start": 147, "text": "Greg Brady"}, {"answer_start": 147, "text": "Greg Brady"}], "question": "British commentators include, Darren Fletcher, Rocky Boiman and who else?", "id": "56d724ea0d65d214001983c9"}]}, {"context": "In honor of the 50th Super Bowl, the pregame ceremony featured the on-field introduction of 39 of the 43 previous Super Bowl Most Valuable Players. Bart Starr (MVP of Super Bowls I and II) and Chuck Howley (MVP of Super Bowl V) appeared via video, while Peyton Manning (MVP of Super Bowl XLI and current Broncos quarterback) was shown in the locker room preparing for the game. No plans were announced regarding the recognition of Harvey Martin, co-MVP of Super Bowl XII, who died in 2001.", "qas": [{"answers": [{"answer_start": 148, "text": "Bart Starr"}, {"answer_start": 148, "text": "Bart Starr"}, {"answer_start": 153, "text": "Starr"}], "question": "Who was the Most Valuable Player of Super Bowl II?", "id": "56bec6573aeaaa14008c93e9"}, {"answers": [{"answer_start": 193, "text": "Chuck Howley"}, {"answer_start": 193, "text": "Chuck Howley"}, {"answer_start": 199, "text": "Howley"}], "question": "What player won the MVP in Super Bowl V?", "id": "56bec6573aeaaa14008c93ea"}, {"answers": [{"answer_start": 254, "text": "Peyton Manning"}, {"answer_start": 254, "text": "Peyton Manning"}, {"answer_start": 261, "text": "Manning"}], "question": "Who was the Most Valuable Player of Super Bowl XLI?", "id": "56bec6573aeaaa14008c93eb"}, {"answers": [{"answer_start": 484, "text": "2001"}, {"answer_start": 484, "text": "2001"}, {"answer_start": 484, "text": "2001"}], "question": "In what year did Harvey Martin die?", "id": "56bec6573aeaaa14008c93ec"}, {"answers": [{"answer_start": 254, "text": "Peyton Manning"}, {"answer_start": 254, "text": "Peyton Manning"}, {"answer_start": 261, "text": "Manning"}], "question": "Who is the present quarterback of the Broncos?", "id": "56bec6573aeaaa14008c93ed"}, {"answers": [{"answer_start": 92, "text": "39"}, {"answer_start": 92, "text": "39"}, {"answer_start": 92, "text": "39"}], "question": "How many of the prior Super Bowl MVPs appeared together at the pregame show?", "id": "56d7251d0d65d214001983cc"}, {"answers": [{"answer_start": 254, "text": "Peyton Manning"}, {"answer_start": 254, "text": "Peyton Manning"}, {"answer_start": 261, "text": "Manning"}], "question": "What former MVP was shown in the locker room?", "id": "56d7251d0d65d214001983cd"}, {"answers": [{"answer_start": 431, "text": "Harvey Martin"}, {"answer_start": 431, "text": "Harvey Martin"}, {"answer_start": 438, "text": "Martin"}], "question": "Which MVP died in 2001?", "id": "56d7251d0d65d214001983cf"}, {"answers": [{"answer_start": 102, "text": "43"}, {"answer_start": 102, "text": "43"}, {"answer_start": 102, "text": "43"}], "question": "How many players have been awarded the Most Valuable Player distinction for the Super Bowl?", "id": "56d9c3a6dc89441400fdb7b4"}, {"answers": [{"answer_start": 92, "text": "39"}, {"answer_start": 92, "text": "39"}, {"answer_start": 92, "text": "39"}], "question": "How many former MVP honorees were present for a pregame ceremony?", "id": "56d9c3a6dc89441400fdb7b5"}, {"answers": [{"answer_start": 148, "text": "Bart Starr"}, {"answer_start": 148, "text": "Bart Starr"}, {"answer_start": 153, "text": "Starr"}], "question": "Who was the MVP of Super Bowl I and II?", "id": "56d9c3a6dc89441400fdb7b6"}, {"answers": [{"answer_start": 254, "text": "Peyton Manning"}, {"answer_start": 254, "text": "Peyton Manning"}, {"answer_start": 261, "text": "Manning"}], "question": "Who was the MVP of Super Bowl XLI?", "id": "56d9c3a6dc89441400fdb7b7"}, {"answers": [{"answer_start": 431, "text": "Harvey Martin"}, {"answer_start": 431, "text": "Harvey Martin"}, {"answer_start": 431, "text": "Harvey Martin"}], "question": "Which MVP honoree died in 2001?", "id": "56d9c3a6dc89441400fdb7b8"}]}, {"context": "Six-time Grammy winner and Academy Award nominee Lady Gaga performed the national anthem, while Academy Award winner Marlee Matlin provided American Sign Language (ASL) translation.", "qas": [{"answers": [{"answer_start": 0, "text": "Six"}, {"answer_start": 0, "text": "Six"}, {"answer_start": 0, "text": "Six"}], "question": "How many Grammys has Lady Gaga won?", "id": "56bec6ac3aeaaa14008c93fd"}, {"answers": [{"answer_start": 69, "text": "the national anthem"}, {"answer_start": 69, "text": "the national anthem"}, {"answer_start": 73, "text": "national anthem"}], "question": "What did Lady Gaga sing?", "id": "56bec6ac3aeaaa14008c93fe"}, {"answers": [{"answer_start": 27, "text": "Academy Award"}, {"answer_start": 96, "text": "Academy Award"}, {"answer_start": 96, "text": "Academy Award"}], "question": "What award has Marlee Matlin won?", "id": "56bec6ac3aeaaa14008c93ff"}, {"answers": [{"answer_start": 69, "text": "the national anthem"}, {"answer_start": 69, "text": "the national anthem"}, {"answer_start": 73, "text": "national anthem"}], "question": "What did Marlee Matlin translate?", "id": "56bec6ac3aeaaa14008c9400"}, {"answers": [{"answer_start": 140, "text": "American Sign Language"}, {"answer_start": 140, "text": "American Sign Language"}, {"answer_start": 140, "text": "American Sign Language"}], "question": "Into what language did Marlee Matlin translate the national anthem?", "id": "56bec6ac3aeaaa14008c9401"}, {"answers": [{"answer_start": 49, "text": "Lady Gaga"}, {"answer_start": 49, "text": "Lady Gaga"}, {"answer_start": 49, "text": "Lady Gaga"}], "question": "Who sang the national anthem?", "id": "56d20650e7d4791d00902614"}, {"answers": [{"answer_start": 117, "text": "Marlee Matlin"}, {"answer_start": 117, "text": "Marlee Matlin"}, {"answer_start": 117, "text": "Marlee Matlin"}], "question": "What actress did the ASL translation for the game?", "id": "56d20650e7d4791d00902615"}, {"answers": [{"answer_start": 49, "text": "Lady Gaga"}, {"answer_start": 49, "text": "Lady Gaga"}, {"answer_start": 49, "text": "Lady Gaga"}], "question": "Who did the National Anthem at Super Bowl 50?", "id": "56d7253b0d65d214001983d4"}, {"answers": [{"answer_start": 117, "text": "Marlee Matlin"}, {"answer_start": 117, "text": "Marlee Matlin"}, {"answer_start": 117, "text": "Marlee Matlin"}], "question": "What actor did sign language for the National Anthem at Superbowl 50?", "id": "56d7253b0d65d214001983d5"}, {"answers": [{"answer_start": 49, "text": "Lady Gaga"}, {"answer_start": 49, "text": "Lady Gaga"}, {"answer_start": 49, "text": "Lady Gaga"}], "question": "Who did the Super Bowl 50 National Anthem?", "id": "56d9c455dc89441400fdb7c4"}, {"answers": [{"answer_start": 0, "text": "Six"}, {"answer_start": 0, "text": "Six"}, {"answer_start": 0, "text": "Six"}], "question": "How many Grammy Award's does the text say Lady Gaga has won?", "id": "56d9c455dc89441400fdb7c5"}, {"answers": [{"answer_start": 117, "text": "Marlee Matlin"}, {"answer_start": 117, "text": "Marlee Matlin"}, {"answer_start": 117, "text": "Marlee Matlin"}], "question": "Who did the sign language of the National Anthem at Super Bowl 50?", "id": "56d9c455dc89441400fdb7c6"}]}, {"context": "In late November 2015, reports surfaced stating that \"multiple acts\" would perform during the halftime show. On December 3, the league confirmed that the show would be headlined by the British rock group Coldplay. On January 7, 2016, Pepsi confirmed to the Associated Press that Beyonc\u00e9, who headlined the Super Bowl XLVII halftime show and collaborated with Coldplay on the single \"Hymn for the Weekend\", would be making an appearance. Bruno Mars, who headlined the Super Bowl XLVIII halftime show, and Mark Ronson also performed.", "qas": [{"answers": [{"answer_start": 112, "text": "December 3"}, {"answer_start": 112, "text": "December 3"}, {"answer_start": 112, "text": "December 3"}], "question": "On what date did the NFL announce that Coldplay would headline the halftime show?", "id": "56bec7353aeaaa14008c940d"}, {"answers": [{"answer_start": 185, "text": "British"}, {"answer_start": 185, "text": "British"}, {"answer_start": 185, "text": "British"}], "question": "What nationality is the band Coldplay?", "id": "56bec7353aeaaa14008c940e"}, {"answers": [{"answer_start": 306, "text": "Super Bowl XLVII"}, {"answer_start": 306, "text": "Super Bowl XLVII"}, {"answer_start": 317, "text": "XLVII"}], "question": "At what Super Bowl did Beyonc\u00e9 headline the halftime show?", "id": "56bec7353aeaaa14008c940f"}, {"answers": [{"answer_start": 382, "text": "\"Hymn for the Weekend\""}, {"answer_start": 383, "text": "Hymn for the Weekend"}, {"answer_start": 383, "text": "Hymn for the Weekend"}], "question": "What was the name of the single that Coldplay and Beyonc\u00e9 collaborated on?", "id": "56bec7353aeaaa14008c9410"}, {"answers": [{"answer_start": 467, "text": "Super Bowl XLVIII"}, {"answer_start": 467, "text": "Super Bowl XLVIII"}, {"answer_start": 478, "text": "XLVIII"}], "question": "What previous Super Bowl halftime show did Bruno Mars headline?", "id": "56bec7353aeaaa14008c9411"}, {"answers": [{"answer_start": 204, "text": "Coldplay."}, {"answer_start": 204, "text": "Coldplay"}, {"answer_start": 204, "text": "Coldplay"}], "question": "Who lead the halftime show of Super Bowl 50?", "id": "56d725790d65d214001983d8"}, {"answers": [{"answer_start": 234, "text": "Pepsi"}, {"answer_start": 234, "text": "Pepsi"}, {"answer_start": 234, "text": "Pepsi"}], "question": "What company confirmed that Beyonc\u00e9 would participate in the Super Bowl 50 halftime show?", "id": "56d725790d65d214001983da"}, {"answers": [{"answer_start": 382, "text": "\"Hymn for the Weekend\""}, {"answer_start": 383, "text": "Hymn for the Weekend"}, {"answer_start": 383, "text": "Hymn for the Weekend"}], "question": "What song did Coldplay and Beyonc\u00e9 collaborate on for the Super Bowl 50 halftime show?", "id": "56d725790d65d214001983db"}, {"answers": [{"answer_start": 204, "text": "Coldplay."}, {"answer_start": 204, "text": "Coldplay"}, {"answer_start": 204, "text": "Coldplay"}], "question": "Who headlined the Super Bowl 50 halftime show?", "id": "56d9c551dc89441400fdb7d0"}, {"answers": [{"answer_start": 279, "text": "Beyonc\u00e9"}, {"answer_start": 279, "text": "Beyonc\u00e9"}, {"answer_start": 279, "text": "Beyonc\u00e9"}], "question": "On January 7, 2016, it was confirmed that which start would join Coldplay for the halftime show?", "id": "56d9c551dc89441400fdb7d1"}, {"answers": [{"answer_start": 383, "text": "Hymn for the Weekend"}, {"answer_start": 383, "text": "Hymn for the Weekend"}, {"answer_start": 443, "text": "Mars"}], "question": "Which single did Beyonc\u00e9 and Coldplay collaborate on?", "id": "56d9c551dc89441400fdb7d2"}, {"answers": [{"answer_start": 437, "text": "Bruno Mars"}, {"answer_start": 437, "text": "Bruno Mars"}, {"answer_start": 437, "text": "Bruno Mars,"}], "question": "What other former halftime show performer joined Coldplay and Beyonc\u00e9 for the Super Bowl 50 halftime show?", "id": "56d9c551dc89441400fdb7d3"}]}, {"context": "Denver took the opening kickoff and started out strong with Peyton Manning completing an 18-yard pass to tight end Owen Daniels and a 22-yard throw to receiver Andre Caldwell. A pair of carries by C. J. Anderson moved the ball up 20 yards to the Panthers 14-yard line, but Carolina's defense dug in over the next three plays. First, linebacker Shaq Thompson tackled Ronnie Hillman for a 3-yard loss. Then after an incompletion, Thomas Davis tackled Anderson for a 1-yard gain on third down, forcing Denver to settle for a 3\u20130 lead on a Brandon McManus 34-yard field goal. The score marked the first time in the entire postseason that Carolina was facing a deficit.", "qas": [{"answers": [{"answer_start": 0, "text": "Denver"}, {"answer_start": 0, "text": "Denver"}, {"answer_start": 0, "text": "Denver"}], "question": "What team received the opening kickoff?", "id": "56bec7a63aeaaa14008c9417"}, {"answers": [{"answer_start": 160, "text": "Andre Caldwell"}, {"answer_start": 160, "text": "Andre Caldwell"}, {"answer_start": 166, "text": "Caldwell"}], "question": "Who was at the receiving end of a 22-yard pass from Peyton Manning?", "id": "56bec7a63aeaaa14008c9418"}, {"answers": [{"answer_start": 366, "text": "Ronnie Hillman"}, {"answer_start": 366, "text": "Ronnie Hillman"}, {"answer_start": 373, "text": "Hillman"}], "question": "Who lost 3 yards on a tackle by Shaq Thompson?", "id": "56bec7a63aeaaa14008c9419"}, {"answers": [{"answer_start": 536, "text": "Brandon McManus"}, {"answer_start": 536, "text": "Brandon McManus"}, {"answer_start": 544, "text": "McManus"}], "question": "Who kicked a field goal for Denver?", "id": "56bec7a63aeaaa14008c941a"}, {"answers": [{"answer_start": 197, "text": "C. J. Anderson"}, {"answer_start": 197, "text": "C. J. Anderson"}, {"answer_start": 203, "text": "Anderson"}], "question": "Who ran the ball twice for 20 yards on this drive?", "id": "56bec7a63aeaaa14008c941b"}, {"answers": [{"answer_start": 89, "text": "18"}, {"answer_start": 89, "text": "18"}, {"answer_start": 134, "text": "22-yard"}], "question": "How many yards was the pass on the first drive?", "id": "56d728a10d65d21400198413"}, {"answers": [{"answer_start": 344, "text": "Shaq Thompson"}, {"answer_start": 344, "text": "Shaq Thompson"}, {"answer_start": 349, "text": "Thompson"}], "question": "Who tackled Ronnie Hillman for a loss of yardage?", "id": "56d728a10d65d21400198414"}, {"answers": [{"answer_start": 536, "text": "Brandon McManus"}, {"answer_start": 536, "text": "Brandon McManus"}, {"answer_start": 544, "text": "McManus"}], "question": "Who kicked the field goal for Denver on the first drive of Super Bowl 50?", "id": "56d728a10d65d21400198415"}, {"answers": [{"answer_start": 654, "text": "a deficit."}, {"answer_start": 654, "text": "a deficit"}, {"answer_start": 656, "text": "deficit"}], "question": "This was the first time that the Carolina team faced what in the post season?", "id": "56d728a10d65d21400198416"}, {"answers": [{"answer_start": 0, "text": "Denver"}, {"answer_start": 634, "text": "Carolina"}, {"answer_start": 0, "text": "Denver"}], "question": "Which team had the first kickoff?", "id": "56d9c5e7dc89441400fdb7d8"}, {"answers": [{"answer_start": 115, "text": "Owen Daniels"}, {"answer_start": 115, "text": "Owen Daniels"}, {"answer_start": 120, "text": "Daniels"}], "question": "Who did Peyton Manning complete an 18 yard pass to on the opening drive?", "id": "56d9c5e7dc89441400fdb7d9"}, {"answers": [{"answer_start": 197, "text": "C. J. Anderson"}, {"answer_start": 197, "text": "C. J. Anderson"}, {"answer_start": 203, "text": "Anderson"}], "question": "Which Denver player took the ball to the Panthers 14 yard line?", "id": "56d9c5e7dc89441400fdb7da"}, {"answers": [{"answer_start": 536, "text": "Brandon McManus"}, {"answer_start": 536, "text": "Brandon McManus"}, {"answer_start": 544, "text": "McManus"}], "question": "Who scored the first points for Denver?", "id": "56d9c5e7dc89441400fdb7db"}, {"answers": [{"answer_start": 654, "text": "a deficit."}, {"answer_start": 654, "text": "a deficit"}, {"answer_start": 656, "text": "deficit"}], "question": "What did Carolina face in the opening drive that they had not faced the entire postseason?", "id": "56d9c5e7dc89441400fdb7dc"}]}, {"context": "After each team punted, Panthers quarterback Cam Newton appeared to complete a 24-yard pass Jerricho Cotchery, but the call was ruled an incompletion and upheld after a replay challenge. CBS analyst and retired referee Mike Carey stated he disagreed with the call and felt the review clearly showed the pass was complete. A few plays later, on 3rd-and-10 from the 15-yard line, linebacker Von Miller knocked the ball out of Newton's hands while sacking him, and Malik Jackson recovered it in the end zone for a Broncos touchdown, giving the team a 10\u20130 lead. This was the first fumble return touchdown in a Super Bowl since Super Bowl XXVIII at the end of the 1993 season.", "qas": [{"answers": [{"answer_start": 219, "text": "Mike Carey"}, {"answer_start": 219, "text": "Mike Carey"}, {"answer_start": 224, "text": "Carey"}], "question": "Which former referee served as an analyst for CBS?", "id": "56bec8243aeaaa14008c942b"}, {"answers": [{"answer_start": 45, "text": "Cam Newton"}, {"answer_start": 45, "text": "Cam Newton"}, {"answer_start": 49, "text": "Newton"}], "question": "Whose pass to Jerricho Cotchery was ruled incomplete?", "id": "56bec8243aeaaa14008c942c"}, {"answers": [{"answer_start": 389, "text": "Von Miller"}, {"answer_start": 389, "text": "Von Miller"}, {"answer_start": 393, "text": "Miller"}], "question": "Who stripped the ball from Cam Newton while sacking him on this drive?", "id": "56bec8243aeaaa14008c942d"}, {"answers": [{"answer_start": 462, "text": "Malik Jackson"}, {"answer_start": 462, "text": "Malik Jackson"}, {"answer_start": 468, "text": "Jackson"}], "question": "Which player recovered possession of the ball in the end zone?", "id": "56bec8243aeaaa14008c942e"}, {"answers": [{"answer_start": 624, "text": "Super Bowl XXVIII"}, {"answer_start": 624, "text": "Super Bowl XXVIII"}, {"answer_start": 635, "text": "XXVIII"}], "question": "What Super Bowl was the last where a fumble was returned for a touchdown?", "id": "56bec8243aeaaa14008c942f"}, {"answers": [{"answer_start": 92, "text": "Jerricho Cotchery"}, {"answer_start": 92, "text": "Jerricho Cotchery"}, {"answer_start": 101, "text": "Cotchery"}], "question": "Who received the pass that was ruled incomplete and confirmed after a challenge?", "id": "56d728e00d65d2140019841c"}, {"answers": [{"answer_start": 219, "text": "Mike Carey"}, {"answer_start": 219, "text": "Mike Carey"}, {"answer_start": 224, "text": "Carey"}], "question": "What analyst did not agree with the ruling of the incomplete pass?", "id": "56d728e00d65d2140019841d"}, {"answers": [{"answer_start": 389, "text": "Von Miller"}, {"answer_start": 389, "text": "Von Miller"}, {"answer_start": 393, "text": "Miller"}], "question": "Who, according to the text, caused Cam Newton to lose the ball during a tackle?", "id": "56d728e00d65d2140019841e"}, {"answers": [{"answer_start": 462, "text": "Malik Jackson"}, {"answer_start": 462, "text": "Malik Jackson"}, {"answer_start": 468, "text": "Jackson"}], "question": "Who received the ball that cam Newton lost during a tackle to make it a Denver touchdown?", "id": "56d728e00d65d2140019841f"}, {"answers": [{"answer_start": 660, "text": "1993"}, {"answer_start": 660, "text": "1993"}, {"answer_start": 660, "text": "1993"}], "question": "What year was the last time a fumble return touchdown like this occurred?", "id": "56d728e00d65d21400198420"}, {"answers": [{"answer_start": 219, "text": "Mike Carey"}, {"answer_start": 219, "text": "Mike Carey"}, {"answer_start": 224, "text": "Carey"}], "question": "Which retired ref disagreed with the outcome of the challenge of a incomplete pass?", "id": "56d9c660dc89441400fdb7e7"}, {"answers": [{"answer_start": 389, "text": "Von Miller"}, {"answer_start": 389, "text": "Von Miller"}, {"answer_start": 393, "text": "Miller"}], "question": "Who sacked Newton a few plays after the challenge?", "id": "56d9c660dc89441400fdb7e8"}, {"answers": [{"answer_start": 462, "text": "Malik Jackson"}, {"answer_start": 462, "text": "Malik Jackson"}, {"answer_start": 468, "text": "Jackson"}], "question": "Who recovered the fumble and ran the ball in for a touchdown?", "id": "56d9c660dc89441400fdb7e9"}, {"answers": [{"answer_start": 624, "text": "Super Bowl XXVIII"}, {"answer_start": 645, "text": "the end of the 1993 season"}, {"answer_start": 660, "text": "1993"}], "question": "When is the last time a fumble return touchdown happened in a Super Bowl?", "id": "56d9c660dc89441400fdb7ea"}]}, {"context": "After a punt from both teams, Carolina got on track with a 9-play, 73-yard scoring drive. Newton completed 4 of 4 passes for 51 yards and rushed twice for 25 yards, while Jonathan Stewart finished the drive with a 1-yard touchdown run, cutting the score to 10\u20137 with 11:28 left in the second quarter. Later on, Broncos receiver Jordan Norwood received Brad Nortman's short 28-yard punt surrounded by Panthers players, but none of them attempted to make a tackle, apparently thinking Norwood had called a fair catch. Norwood had not done so, and with no resistance around him, he took off for a Super Bowl record 61-yard return before Mario Addison dragged him down on the Panthers 14-yard line. Despite Denver's excellent field position, they could not get the ball into the end zone, so McManus kicked a 33-yard field goal that increased their lead to 13\u20137.", "qas": [{"answers": [{"answer_start": 171, "text": "Jonathan Stewart"}, {"answer_start": 171, "text": "Jonathan Stewart"}, {"answer_start": 180, "text": "Stewart"}], "question": "Who ran for a Carolina touchdown to make the score 10\u20137?", "id": "56bec8a13aeaaa14008c9435"}, {"answers": [{"answer_start": 352, "text": "Brad Nortman"}, {"answer_start": 352, "text": "Brad Nortman"}, {"answer_start": 357, "text": "Nortman"}], "question": "Who punted the ball for Carolina?", "id": "56bec8a13aeaaa14008c9436"}, {"answers": [{"answer_start": 270, "text": "28"}, {"answer_start": 373, "text": "28"}, {"answer_start": 373, "text": "28"}], "question": "How many yards did Brad Nortman's punt travel?", "id": "56bec8a13aeaaa14008c9437"}, {"answers": [{"answer_start": 612, "text": "61"}, {"answer_start": 612, "text": "61"}, {"answer_start": 612, "text": "61"}], "question": "How many yards did Jordan Norwood return a punt to set the Super Bowl record?", "id": "56bec8a13aeaaa14008c9438"}, {"answers": [{"answer_start": 805, "text": "33"}, {"answer_start": 805, "text": "33"}, {"answer_start": 805, "text": "33"}], "question": "How many yards was the McManus field goal?", "id": "56bec8a13aeaaa14008c9439"}, {"answers": [{"answer_start": 125, "text": "51"}, {"answer_start": 125, "text": "51"}, {"answer_start": 125, "text": "51"}], "question": "How many passing yards did Cam Newton get for his 4 of 4 passes?", "id": "56d729180d65d21400198426"}, {"answers": [{"answer_start": 171, "text": "Jonathan Stewart"}, {"answer_start": 171, "text": "Jonathan Stewart"}, {"answer_start": 180, "text": "Stewart"}], "question": "Who got a touchdown making the score 10-7?", "id": "56d729180d65d21400198427"}, {"answers": [{"answer_start": 267, "text": "11:28"}, {"answer_start": 267, "text": "11:28"}, {"answer_start": 267, "text": "11:28"}], "question": "How much time was left in the quarter when Stewart got the touchdown?", "id": "56d729180d65d21400198428"}, {"answers": [{"answer_start": 328, "text": "Jordan Norwood"}, {"answer_start": 328, "text": "Jordan Norwood"}, {"answer_start": 516, "text": "Norwood"}], "question": "Who got a 61-yard return when players thought he called for a fair catch but did not?", "id": "56d729180d65d21400198429"}, {"answers": [{"answer_start": 805, "text": "33"}, {"answer_start": 805, "text": "33"}, {"answer_start": 805, "text": "33"}], "question": "How many yards was the field goal that made the score 13-7 in Super Bowl 50?", "id": "56d729180d65d2140019842a"}, {"answers": [{"answer_start": 171, "text": "Jonathan Stewart"}, {"answer_start": 171, "text": "Jonathan Stewart"}, {"answer_start": 180, "text": "Stewart"}], "question": "Who scored the Panthers first touchdown? ", "id": "56d9c6e0dc89441400fdb7f0"}, {"answers": [{"answer_start": 813, "text": "field goal"}, {"answer_start": 813, "text": "field goal"}, {"answer_start": 813, "text": "field goal"}], "question": "How did Denver score at the end of the drive?", "id": "56d9c6e0dc89441400fdb7f4"}]}, {"context": "On Carolina's next possession fullback Mike Tolbert lost a fumble while being tackled by safety Darian Stewart, which linebacker Danny Trevathan recovered on the Broncos 40-yard line. However, the Panthers soon took the ball back when defensive end Kony Ealy tipped a Manning pass to himself and then intercepted it, returning the ball 19 yards to the Panthers 39-yard line with 1:55 left on the clock. The Panthers could not gain any yards with their possession and had to punt. After a Denver punt, Carolina drove to the Broncos 45-yard line. But with 11 seconds left, Newton was sacked by DeMarcus Ware as time expired in the half.", "qas": [{"answers": [{"answer_start": 96, "text": "Darian Stewart"}, {"answer_start": 96, "text": "Darian Stewart"}, {"answer_start": 103, "text": "Stewart"}], "question": "Who tackled Mike Tolbert and caused a fumble?", "id": "56bec9133aeaaa14008c9445"}, {"answers": [{"answer_start": 118, "text": "linebacker"}, {"answer_start": 118, "text": "linebacker"}, {"answer_start": 118, "text": "linebacker"}], "question": "What position does Danny Trevathan play?", "id": "56bec9133aeaaa14008c9446"}, {"answers": [{"answer_start": 249, "text": "Kony Ealy"}, {"answer_start": 249, "text": "Kony Ealy"}, {"answer_start": 254, "text": "Ealy"}], "question": "Which Panther tipped a Manning pass to himself and picked it off?", "id": "56bec9133aeaaa14008c9447"}, {"answers": [{"answer_start": 571, "text": "Newton"}, {"answer_start": 571, "text": "Newton"}, {"answer_start": 571, "text": "Newton"}], "question": "Who was sacked as the first half clock expired?", "id": "56bec9133aeaaa14008c9448"}, {"answers": [{"answer_start": 592, "text": "DeMarcus Ware"}, {"answer_start": 592, "text": "DeMarcus Ware"}, {"answer_start": 601, "text": "Ware"}], "question": "Who sacked Cam Newton at the end of the half?", "id": "56bec9133aeaaa14008c9449"}, {"answers": [{"answer_start": 39, "text": "Mike Tolbert"}, {"answer_start": 39, "text": "Mike Tolbert"}, {"answer_start": 44, "text": "Tolbert"}], "question": "Who fumbled the ball when tackled by Darian Stewart?", "id": "56d729ec0d65d21400198430"}, {"answers": [{"answer_start": 249, "text": "Kony Ealy"}, {"answer_start": 249, "text": "Kony Ealy"}, {"answer_start": 254, "text": "Ealy"}], "question": "Who tipped Peyton's pass for an interception?", "id": "56d729ec0d65d21400198431"}, {"answers": [{"answer_start": 336, "text": "19"}, {"answer_start": 336, "text": "19"}, {"answer_start": 336, "text": "19"}], "question": "How many yards did the interception gain when the ball was tipped away from Manning?", "id": "56d729ec0d65d21400198432"}, {"answers": [{"answer_start": 592, "text": "DeMarcus Ware"}, {"answer_start": 592, "text": "DeMarcus Ware"}, {"answer_start": 601, "text": "Ware"}], "question": "Who tackled the Carolina Panthers' quarterback just before the end of the first half?", "id": "56d729ec0d65d21400198434"}, {"answers": [{"answer_start": 39, "text": "Mike Tolbert"}, {"answer_start": 39, "text": "Mike Tolbert"}, {"answer_start": 44, "text": "Tolbert"}], "question": "Which fullback fumbled the ball after a Darian Stewart tackle?", "id": "56d9c79edc89441400fdb804"}, {"answers": [{"answer_start": 129, "text": "Danny Trevathan"}, {"answer_start": 129, "text": "Danny Trevathan"}, {"answer_start": 103, "text": "Stewart"}], "question": "Who recovered Tolbert's fumble?", "id": "56d9c79edc89441400fdb805"}, {"answers": [{"answer_start": 249, "text": "Kony Ealy"}, {"answer_start": 249, "text": "Kony Ealy"}, {"answer_start": 254, "text": "Ealy"}], "question": "Who intercepted a Manning pass, giving the ball back to the Panthers?", "id": "56d9c79edc89441400fdb806"}, {"answers": [{"answer_start": 474, "text": "punt"}, {"answer_start": 571, "text": "Newton was sacked"}, {"answer_start": 582, "text": "sacked"}], "question": "How did the drive end for the Panthers?", "id": "56d9c79edc89441400fdb807"}, {"answers": [{"answer_start": 592, "text": "DeMarcus Ware"}, {"answer_start": 592, "text": "DeMarcus Ware"}, {"answer_start": 601, "text": "Ware"}], "question": "Who sacked Newton with 11 seconds left in the first half?", "id": "56d9c79edc89441400fdb808"}]}, {"context": "The Panthers seemed primed to score on their opening drive of the second half when Newton completed a 45-yard pass to Ted Ginn Jr. on the Denver 35-yard line on their second offensive play. But the Broncos defense halted the drive on the 26-yard line, and it ended with no points when Graham Gano hit the uprights on a 44-yard field goal attempt. After the miss, Manning completed a pair of passes to Emmanuel Sanders for gains of 25 and 22 yards, setting up McManus' 33-yard field goal that gave the Broncos a 16\u20137 lead. Carolina got off to another strong start after the kickoff, with Newton completing a 42-yard pass to Corey Brown. But once again they came up empty, this time as a result of a Newton pass that bounced off the hands of Ginn and was intercepted by safety T. J. Ward. Ward fumbled the ball during the return, but Trevathan recovered it to enable Denver to keep possession.", "qas": [{"answers": [{"answer_start": 118, "text": "Ted Ginn Jr."}, {"answer_start": 118, "text": "Ted Ginn Jr"}, {"answer_start": 118, "text": "Ted Ginn Jr"}], "question": "Who was on the receiving end of a 45-yard pass from Cam Newton?", "id": "56bec98e3aeaaa14008c9455"}, {"answers": [{"answer_start": 285, "text": "Graham Gano"}, {"answer_start": 285, "text": "Graham Gano"}, {"answer_start": 292, "text": "Gano"}], "question": "Who missed a field goal for the Panthers?", "id": "56bec98e3aeaaa14008c9456"}, {"answers": [{"answer_start": 319, "text": "44"}, {"answer_start": 319, "text": "44"}, {"answer_start": 319, "text": "44"}], "question": "How many yards was the missed field goal?", "id": "56bec98e3aeaaa14008c9457"}, {"answers": [{"answer_start": 459, "text": "McManus"}, {"answer_start": 459, "text": "McManus"}, {"answer_start": 459, "text": "McManus"}], "question": "What kicker was successful on a 33-yard field goal?", "id": "56bec98e3aeaaa14008c9458"}, {"answers": [{"answer_start": 775, "text": "T. J. Ward"}, {"answer_start": 775, "text": "T. J. Ward"}, {"answer_start": 781, "text": "Ward"}], "question": "Who picked off Cam Newton and subsequently fumbled the ball?", "id": "56bec98e3aeaaa14008c9459"}, {"answers": [{"answer_start": 118, "text": "Ted Ginn Jr."}, {"answer_start": 118, "text": "Ted Ginn Jr."}, {"answer_start": 118, "text": "Ted Ginn Jr"}], "question": "Who did Newton complete a 45 yard pass to on the opening drive of the second half?", "id": "56d7282f0d65d21400198408"}, {"answers": [{"answer_start": 301, "text": "the uprights"}, {"answer_start": 301, "text": "the uprights"}, {"answer_start": 305, "text": "uprights"}], "question": "What did Gano hit on his 44-yard field goal attempt?", "id": "56d7282f0d65d21400198409"}, {"answers": [{"answer_start": 775, "text": "T. J. Ward."}, {"answer_start": 775, "text": "T. J. Ward"}, {"answer_start": 781, "text": "Ward"}], "question": "Which Broncos player intercepted Newton on the Panthers' next set of downs?", "id": "56d7282f0d65d2140019840a"}, {"answers": [{"answer_start": 832, "text": "Trevathan"}, {"answer_start": 832, "text": "Trevathan"}, {"answer_start": 832, "text": "Trevathan"}], "question": "Who recovered Ward's fumble?", "id": "56d7282f0d65d2140019840c"}, {"answers": [{"answer_start": 118, "text": "Ted Ginn Jr."}, {"answer_start": 118, "text": "Ted Ginn Jr"}], "question": "Who did Newton get a pass to in the Panther starting plays of Super Bowl 50?", "id": "56d9c92bdc89441400fdb80e"}, {"answers": [{"answer_start": 238, "text": "26-yard line"}, {"answer_start": 238, "text": "26"}], "question": "What yard line did the Broncos stop the Panthers on in their first offensive drive of Super Bowl 50?", "id": "56d9c92bdc89441400fdb80f"}, {"answers": [{"answer_start": 285, "text": "Graham Gano"}, {"answer_start": 285, "text": "Graham Gano"}, {"answer_start": 292, "text": "Gano"}], "question": "Who hit the goal post on a field goal attempt?", "id": "56d9c92bdc89441400fdb810"}, {"answers": [{"answer_start": 401, "text": "Emmanuel Sanders"}, {"answer_start": 401, "text": "Emmanuel Sanders"}, {"answer_start": 410, "text": "Sanders"}], "question": "Who caught two passes from Manning after the failed Carolina field goal attempt?", "id": "56d9c92bdc89441400fdb811"}]}, {"context": "There would be no more scoring in the third quarter, but early in the fourth, the Broncos drove to the Panthers 41-yard line. On the next play, Ealy knocked the ball out of Manning's hand as he was winding up for a pass, and then recovered it for Carolina on the 50-yard line. A 16-yard reception by Devin Funchess and a 12-yard run by Stewart then set up Gano's 39-yard field goal, cutting the Panthers deficit to one score at 16\u201310. The next three drives of the game would end in punts.", "qas": [{"answers": [{"answer_start": 144, "text": "Ealy"}, {"answer_start": 144, "text": "Ealy"}, {"answer_start": 144, "text": "Ealy"}], "question": "Who recovered a Manning fumble?", "id": "56bec9e83aeaaa14008c945f"}, {"answers": [{"answer_start": 363, "text": "39"}, {"answer_start": 363, "text": "39"}, {"answer_start": 363, "text": "39"}], "question": "Graham Gano kicked a field goal of how many yards?", "id": "56bec9e83aeaaa14008c9460"}, {"answers": [{"answer_start": 300, "text": "Devin Funchess"}, {"answer_start": 300, "text": "Devin Funchess"}, {"answer_start": 306, "text": "Funchess"}], "question": "Who caught a 16-yard pass on this drive?", "id": "56bec9e83aeaaa14008c9461"}, {"answers": [{"answer_start": 336, "text": "Stewart"}, {"answer_start": 336, "text": "Stewart"}, {"answer_start": 336, "text": "Stewart"}], "question": "Who had a 12-yard rush on this drive?", "id": "56bec9e83aeaaa14008c9462"}, {"answers": [{"answer_start": 112, "text": "41-yard line."}, {"answer_start": 112, "text": "41"}, {"answer_start": 112, "text": "41"}], "question": "Early in the fourth quarter, The Broncos drove to what yard line of the Panthers?", "id": "56d7261e0d65d214001983e0"}, {"answers": [{"answer_start": 144, "text": "Ealy"}, {"answer_start": 144, "text": "Ealy"}, {"answer_start": 144, "text": "Ealy"}], "question": "Who knocked the ball out of Manning's hands on the next play?", "id": "56d7261e0d65d214001983e1"}, {"answers": [{"answer_start": 263, "text": "50-yard line."}, {"answer_start": 256, "text": "on the 50-yard line"}, {"answer_start": 263, "text": "50"}], "question": "Where was the ball recovered?", "id": "56d7261e0d65d214001983e2"}, {"answers": [{"answer_start": 482, "text": "punts."}, {"answer_start": 482, "text": "punts"}, {"answer_start": 482, "text": "punts"}], "question": "What did the next three drives result in?", "id": "56d7261e0d65d214001983e4"}, {"answers": [{"answer_start": 144, "text": "Ealy"}, {"answer_start": 144, "text": "Ealy"}, {"answer_start": 144, "text": "Ealy"}], "question": "What is the last name of the player who bumped the ball away from Manning in the fourth quarter of Super Bowl 50?", "id": "56d9ca0adc89441400fdb820"}, {"answers": [{"answer_start": 263, "text": "50-yard line."}, {"answer_start": 112, "text": "41"}, {"answer_start": 263, "text": "50"}], "question": "What yard line was the Broncos on when Manning lost the ball in the fourth quarter?", "id": "56d9ca0adc89441400fdb821"}, {"answers": [{"answer_start": 363, "text": "39-yard"}, {"answer_start": 363, "text": "39"}, {"answer_start": 363, "text": "39"}], "question": "How many yards was the field goal Gano made to make the score 16-10?", "id": "56d9ca0adc89441400fdb822"}, {"answers": [{"answer_start": 444, "text": "three"}, {"answer_start": 444, "text": "three"}, {"answer_start": 435, "text": "The next three drives"}], "question": "How many of the following three fourth quarter drives after the field goal makng the score 16-10 ended in punts?", "id": "56d9ca0adc89441400fdb823"}]}, {"context": "With 4:51 left in regulation, Carolina got the ball on their own 24-yard line with a chance to mount a game-winning drive, and soon faced 3rd-and-9. On the next play, Miller stripped the ball away from Newton, and after several players dove for it, it took a long bounce backwards and was recovered by Ward, who returned it five yards to the Panthers 4-yard line. Although several players dove into the pile to attempt to recover it, Newton did not and his lack of aggression later earned him heavy criticism. Meanwhile, Denver's offense was kept out of the end zone for three plays, but a holding penalty on cornerback Josh Norman gave the Broncos a new set of downs. Then Anderson scored on a 2-yard touchdown run and Manning completed a pass to Bennie Fowler for a 2-point conversion, giving Denver a 24\u201310 lead with 3:08 left and essentially putting the game away. Carolina had two more drives, but failed to get a first down on each one.", "qas": [{"answers": [{"answer_start": 65, "text": "24"}, {"answer_start": 55, "text": "their own 24"}, {"answer_start": 65, "text": "24"}], "question": "On what yard line did Carolina begin with 4:51 left in the game?", "id": "56beca913aeaaa14008c946d"}, {"answers": [{"answer_start": 202, "text": "Newton"}, {"answer_start": 202, "text": "Newton"}, {"answer_start": 434, "text": "Newton"}], "question": "Who fumbled the ball on 3rd-and-9?", "id": "56beca913aeaaa14008c946e"}, {"answers": [{"answer_start": 620, "text": "Josh Norman"}, {"answer_start": 620, "text": "Josh Norman"}, {"answer_start": 625, "text": "Norman"}], "question": "What Panther defender was called for holding on third down?", "id": "56beca913aeaaa14008c946f"}, {"answers": [{"answer_start": 674, "text": "Anderson"}, {"answer_start": 674, "text": "Anderson"}, {"answer_start": 674, "text": "Anderson"}], "question": "What player punched the ball in from the 2?", "id": "56beca913aeaaa14008c9470"}, {"answers": [{"answer_start": 748, "text": "Bennie Fowler"}, {"answer_start": 748, "text": "Bennie Fowler"}, {"answer_start": 755, "text": "Fowler"}], "question": "Who was the receiver on the successful 2-point conversion?", "id": "56beca913aeaaa14008c9471"}, {"answers": [{"answer_start": 167, "text": "Miller"}, {"answer_start": 167, "text": "Miller"}, {"answer_start": 167, "text": "Miller"}], "question": "Who stripped the ball from Newton on a 3rd and nine?", "id": "56d726b60d65d214001983ea"}, {"answers": [{"answer_start": 275, "text": "wards"}, {"answer_start": 302, "text": "Ward"}, {"answer_start": 302, "text": "Ward"}], "question": "Who recovered the strip ball?", "id": "56d726b60d65d214001983eb"}, {"answers": [{"answer_start": 202, "text": "Newton"}, {"answer_start": 434, "text": "Newton"}, {"answer_start": 434, "text": "Newton"}], "question": "Which player was criticized for not jumping into the pile to recover the ball?", "id": "56d726b60d65d214001983ec"}, {"answers": [{"answer_start": 620, "text": "Josh Norman"}, {"answer_start": 620, "text": "Josh Norman"}, {"answer_start": 625, "text": "Norman"}], "question": "Which Panthers player got a penalty, which gave the Broncos a new set of downs?", "id": "56d726b60d65d214001983ed"}, {"answers": [{"answer_start": 820, "text": "3:08"}, {"answer_start": 820, "text": "3:08"}, {"answer_start": 820, "text": "3:08"}], "question": "How much time was left in the game when Denver took the score to 24-10?", "id": "56d726b60d65d214001983ee"}, {"answers": [{"answer_start": 5, "text": "4:51"}, {"answer_start": 5, "text": "4:51"}, {"answer_start": 5, "text": "4:51"}], "question": "What was the time on the clock when Carolina got the ball to their 24-yard line in the fourth quarter?", "id": "56d9cb47dc89441400fdb832"}, {"answers": [{"answer_start": 167, "text": "Miller"}, {"answer_start": 167, "text": "Miller"}, {"answer_start": 167, "text": "Miller"}], "question": "What was the last name of the player who took the ball away from Newton late in the fourth quarter?", "id": "56d9cb47dc89441400fdb833"}, {"answers": [{"answer_start": 275, "text": "wards"}, {"answer_start": 302, "text": "Ward"}, {"answer_start": 302, "text": "Ward"}], "question": "What is the last name of the player who finally recovered the ball Newton lost in the fourth quarter?", "id": "56d9cb47dc89441400fdb834"}, {"answers": [{"answer_start": 571, "text": "three"}, {"answer_start": 571, "text": "three"}, {"answer_start": 571, "text": "three"}], "question": "How many plays was Denver kept out of the end zone after getting the ball from Newton?", "id": "56d9cb47dc89441400fdb835"}, {"answers": [{"answer_start": 674, "text": "Anderson"}, {"answer_start": 674, "text": "Anderson"}, {"answer_start": 674, "text": "Anderson"}], "question": "What is the last name of the player who scored a 2-yard touchdown in the fourth quarter?", "id": "56d9cb47dc89441400fdb836"}]}, {"context": "Manning finished the game 13 of 23 for 141 yards with one interception and zero touchdowns. Sanders was his top receiver with six receptions for 83 yards. Anderson was the game's leading rusher with 90 yards and a touchdown, along with four receptions for 10 yards. Miller had six total tackles (five solo), 2\u00bd sacks, and two forced fumbles. Ware had five total tackles and two sacks. Ward had seven total tackles, a fumble recovery, and an interception. McManus made all four of his field goals, making him perfect on all 11 attempts during the post-season. Newton completed 18 of 41 passes for 265 yards, with one interception. He was also the team's leading rusher with 45 yards on six carries. Brown caught four passes for 80 yards, while Ginn had four receptions for 74. Ealy was the top defensive performer for Carolina with four total tackles, three sacks, a forced fumble, a fumble recovery, and an interception. Defensive End Charles Johnson had four total tackles, a sack, and a forced fumble. Linebacker Luke Kuechly had 11 total tackles, while Thomas Davis had seven, despite playing just two weeks after breaking his right arm in the NFC title game.", "qas": [{"answers": [{"answer_start": 296, "text": "five"}, {"answer_start": 308, "text": "2\u00bd"}, {"answer_start": 308, "text": "2"}], "question": "How many solo sacks did Von Miller have in the game?", "id": "56becaf93aeaaa14008c9481"}, {"answers": [{"answer_start": 75, "text": "zero"}, {"answer_start": 75, "text": "zero"}, {"answer_start": 75, "text": "zero"}], "question": "How many touchdowns did Manning throw in the game?", "id": "56becaf93aeaaa14008c9482"}, {"answers": [{"answer_start": 236, "text": "four"}, {"answer_start": 472, "text": "four"}, {"answer_start": 472, "text": "four"}], "question": "How many field goals did McManus kick in the game?", "id": "56becaf93aeaaa14008c9483"}, {"answers": [{"answer_start": 1056, "text": "Thomas Davis"}, {"answer_start": 1056, "text": "Thomas Davis"}, {"answer_start": 1063, "text": "Davis"}], "question": "What player played in the Super Bowl after breaking his arm two weeks before?", "id": "56becaf93aeaaa14008c9484"}, {"answers": [{"answer_start": 54, "text": "one"}, {"answer_start": 612, "text": "one"}, {"answer_start": 612, "text": "one"}], "question": "How many picks did Cam Newton throw?", "id": "56becaf93aeaaa14008c9485"}, {"answers": [{"answer_start": 54, "text": "one"}, {"answer_start": 54, "text": "one"}, {"answer_start": 54, "text": "one"}], "question": "How many interceptions did Manning have at the end of the game?", "id": "56d7270c0d65d214001983f4"}, {"answers": [{"answer_start": 75, "text": "zero"}, {"answer_start": 75, "text": "zero"}, {"answer_start": 75, "text": "zero"}], "question": "How many touchdowns did Manning have at the end of the game?", "id": "56d7270c0d65d214001983f5"}, {"answers": [{"answer_start": 155, "text": "Anderson"}, {"answer_start": 155, "text": "Anderson"}, {"answer_start": 155, "text": "Anderson"}], "question": "Who was the game's leading rusher?", "id": "56d7270c0d65d214001983f6"}, {"answers": [{"answer_start": 92, "text": "Sanders"}, {"answer_start": 92, "text": "Sanders"}, {"answer_start": 92, "text": "Sanders"}], "question": "Who was the game's top receiver?", "id": "56d7270c0d65d214001983f7"}, {"answers": [{"answer_start": 1056, "text": "Thomas Davis"}, {"answer_start": 1056, "text": "Thomas Davis"}, {"answer_start": 1063, "text": "Davis"}], "question": "Which player played even though he broke his arm two weeks prior to the Super Bowl?", "id": "56d7270c0d65d214001983f8"}, {"answers": [{"answer_start": 92, "text": "Sanders"}, {"answer_start": 92, "text": "Sanders"}, {"answer_start": 92, "text": "Sanders"}], "question": "What is the last name of the player who was Manning's top receiver for Super Bowl 50?", "id": "56d9ccacdc89441400fdb842"}, {"answers": [{"answer_start": 155, "text": "Anderson"}, {"answer_start": 155, "text": "Anderson"}, {"answer_start": 155, "text": "Anderson"}], "question": "What is th elast name of the player who was the Super Bowl 50 winner's leading rusher?", "id": "56d9ccacdc89441400fdb843"}, {"answers": [{"answer_start": 468, "text": "all four"}, {"answer_start": 468, "text": "all four"}, {"answer_start": 472, "text": "four"}], "question": "How many of the four field goal attempts did McManus succeed at during SUper Bowl 50?", "id": "56d9ccacdc89441400fdb844"}, {"answers": [{"answer_start": 54, "text": "one"}, {"answer_start": 612, "text": "one"}, {"answer_start": 612, "text": "one"}], "question": "How many intercpetions did Newton have in Super Bowl 50?", "id": "56d9ccacdc89441400fdb845"}, {"answers": [{"answer_start": 236, "text": "four"}, {"answer_start": 955, "text": "four"}, {"answer_start": 955, "text": "four"}], "question": "How many total tackles did Charles Johnson have in Super Bowl 50?", "id": "56d9ccacdc89441400fdb846"}]}, {"context": "Super Bowl 50 featured numerous records from individuals and teams. Denver won despite being massively outgained in total yards (315 to 194) and first downs (21 to 11). Their 194 yards and 11 first downs were both the lowest totals ever by a Super Bowl winning team. The previous record was 244 yards by the Baltimore Ravens in Super Bowl XXXV. Only seven other teams had ever gained less than 200 yards in a Super Bowl, and all of them had lost. The Broncos' seven sacks tied a Super Bowl record set by the Chicago Bears in Super Bowl XX. Kony Ealy tied a Super Bowl record with three sacks. Jordan Norwood's 61-yard punt return set a new record, surpassing the old record of 45 yards set by John Taylor in Super Bowl XXIII. Denver was just 1-of-14 on third down, while Carolina was barely better at 3-of-15. The two teams' combined third down conversion percentage of 13.8 was a Super Bowl low. Manning and Newton had quarterback passer ratings of 56.6 and 55.4, respectively, and their added total of 112 is a record lowest aggregate passer rating for a Super Bowl. Manning became the oldest quarterback ever to win a Super Bowl at age 39, and the first quarterback ever to win a Super Bowl with two different teams, while Gary Kubiak became the first head coach to win a Super Bowl with the same franchise he went to the Super Bowl with as a player.", "qas": [{"answers": [{"answer_start": 136, "text": "194"}, {"answer_start": 136, "text": "194"}, {"answer_start": 136, "text": "194"}], "question": "How many total yards did Denver gain?", "id": "56becb823aeaaa14008c948b"}, {"answers": [{"answer_start": 164, "text": "11"}, {"answer_start": 164, "text": "11"}, {"answer_start": 164, "text": "11"}], "question": "How many first downs did Denver have?", "id": "56becb823aeaaa14008c948c"}, {"answers": [{"answer_start": 308, "text": "Baltimore Ravens"}, {"answer_start": 304, "text": "the Baltimore Ravens"}, {"answer_start": 318, "text": "Ravens"}], "question": "What team had 244 yards in Super Bowl XXXV?", "id": "56becb823aeaaa14008c948d"}, {"answers": [{"answer_start": 593, "text": "Jordan Norwood"}, {"answer_start": 593, "text": "Jordan Norwood"}, {"answer_start": 600, "text": "Norwood"}], "question": "Who returned a punt for 61 yards, setting a new Super Bowl record?", "id": "56becb823aeaaa14008c948e"}, {"answers": [{"answer_start": 897, "text": "Manning"}, {"answer_start": 1069, "text": "Manning"}, {"answer_start": 1069, "text": "Manning"}], "question": "Who is the only quarterback to win a Super Bowl with two teams?", "id": "56becb823aeaaa14008c948f"}, {"answers": [{"answer_start": 136, "text": "194"}, {"answer_start": 136, "text": "194"}, {"answer_start": 136, "text": "194"}], "question": "How many yards did Denver have for Super Bowl 50?", "id": "56d7277c0d65d214001983fe"}, {"answers": [{"answer_start": 164, "text": "11"}, {"answer_start": 164, "text": "11"}, {"answer_start": 164, "text": "11"}], "question": "How many first downs did Denver have for Super Bowl 50?", "id": "56d7277c0d65d214001983ff"}, {"answers": [{"answer_start": 508, "text": "Chicago Bears"}, {"answer_start": 504, "text": "the Chicago Bears"}, {"answer_start": 516, "text": "Bears"}], "question": "Who did the Broncos tie with the most sacks in a Super Bowl?", "id": "56d7277c0d65d21400198401"}, {"answers": [{"answer_start": 451, "text": "Broncos"}, {"answer_start": 726, "text": "Denver"}, {"answer_start": 68, "text": "Denver"}], "question": "Which team did Gary Kubiak play for when he was in the Super Bowl?", "id": "56d7277c0d65d21400198402"}, {"answers": [{"answer_start": 158, "text": "21"}, {"answer_start": 158, "text": "21"}, {"answer_start": 158, "text": "21"}], "question": "How many first downs did the Panthers have in Super Bowl 50?", "id": "56d9cd9adc89441400fdb84c"}, {"answers": [{"answer_start": 164, "text": "11"}, {"answer_start": 164, "text": "11"}, {"answer_start": 164, "text": "11"}], "question": "How many first downs did the Broncos have in Super Bowl 50?", "id": "56d9cd9adc89441400fdb84d"}, {"answers": [{"answer_start": 447, "text": "The Broncos"}, {"answer_start": 68, "text": "Denver"}, {"answer_start": 68, "text": "Denver"}], "question": "What team had the lowest downs and yards ever in the Super Bowl as of Super Bowl 50?", "id": "56d9cd9adc89441400fdb84e"}, {"answers": [{"answer_start": 508, "text": "Chicago Bears"}, {"answer_start": 504, "text": "the Chicago Bears"}, {"answer_start": 516, "text": "Bears"}], "question": "What team di the Broncos tie a Super Bowl record for in sacks?", "id": "56d9cd9adc89441400fdb84f"}, {"answers": [{"answer_start": 814, "text": "two"}, {"answer_start": 1199, "text": "two"}, {"answer_start": 1199, "text": "two"}], "question": "How many teams has Manning won the Super Bowl with?", "id": "56d9cd9adc89441400fdb850"}]}]}], "version": "1.1"} \ No newline at end of file diff --git a/tests/data/nlp/squad/v1.1/train-v1.1.json b/tests/data/nlp/squad/v1.1/train-v1.1.json deleted file mode 100644 index f9318e589216..000000000000 --- a/tests/data/nlp/squad/v1.1/train-v1.1.json +++ /dev/null @@ -1 +0,0 @@ -{"data": [{"title": "Super_Bowl_50", "paragraphs": [{"context": "Super Bowl 50 was an American football game to determine the champion of the National Football League (NFL) for the 2015 season. The American Football Conference (AFC) champion Denver Broncos defeated the National Football Conference (NFC) champion Carolina Panthers 24\u201310 to earn their third Super Bowl title. The game was played on February 7, 2016, at Levi's Stadium in the San Francisco Bay Area at Santa Clara, California. As this was the 50th Super Bowl, the league emphasized the \"golden anniversary\" with various gold-themed initiatives, as well as temporarily suspending the tradition of naming each Super Bowl game with Roman numerals (under which the game would have been known as \"Super Bowl L\"), so that the logo could prominently feature the Arabic numerals 50.", "qas": [{"answers": [{"answer_start": 177, "text": "Denver Broncos"}, {"answer_start": 177, "text": "Denver Broncos"}, {"answer_start": 177, "text": "Denver Broncos"}], "question": "Which NFL team represented the AFC at Super Bowl 50?", "id": "56be4db0acb8001400a502ec"}, {"answers": [{"answer_start": 249, "text": "Carolina Panthers"}, {"answer_start": 249, "text": "Carolina Panthers"}, {"answer_start": 249, "text": "Carolina Panthers"}], "question": "Which NFL team represented the NFC at Super Bowl 50?", "id": "56be4db0acb8001400a502ed"}, {"answers": [{"answer_start": 403, "text": "Santa Clara, California"}, {"answer_start": 355, "text": "Levi's Stadium"}, {"answer_start": 355, "text": "Levi's Stadium in the San Francisco Bay Area at Santa Clara, California."}], "question": "Where did Super Bowl 50 take place?", "id": "56be4db0acb8001400a502ee"}, {"answers": [{"answer_start": 177, "text": "Denver Broncos"}, {"answer_start": 177, "text": "Denver Broncos"}, {"answer_start": 177, "text": "Denver Broncos"}], "question": "Which NFL team won Super Bowl 50?", "id": "56be4db0acb8001400a502ef"}, {"answers": [{"answer_start": 488, "text": "gold"}, {"answer_start": 488, "text": "gold"}, {"answer_start": 521, "text": "gold"}], "question": "What color was used to emphasize the 50th anniversary of the Super Bowl?", "id": "56be4db0acb8001400a502f0"}, {"answers": [{"answer_start": 487, "text": "\"golden anniversary\""}, {"answer_start": 521, "text": "gold-themed"}, {"answer_start": 487, "text": "\"golden anniversary"}], "question": "What was the theme of Super Bowl 50?", "id": "56be8e613aeaaa14008c90d1"}, {"answers": [{"answer_start": 334, "text": "February 7, 2016"}, {"answer_start": 334, "text": "February 7"}, {"answer_start": 334, "text": "February 7, 2016"}], "question": "What day was the game played on?", "id": "56be8e613aeaaa14008c90d2"}, {"answers": [{"answer_start": 133, "text": "American Football Conference"}, {"answer_start": 133, "text": "American Football Conference"}, {"answer_start": 133, "text": "American Football Conference"}], "question": "What is the AFC short for?", "id": "56be8e613aeaaa14008c90d3"}, {"answers": [{"answer_start": 487, "text": "\"golden anniversary\""}, {"answer_start": 521, "text": "gold-themed"}, {"answer_start": 521, "text": "gold"}], "question": "What was the theme of Super Bowl 50?", "id": "56bea9923aeaaa14008c91b9"}, {"answers": [{"answer_start": 133, "text": "American Football Conference"}, {"answer_start": 133, "text": "American Football Conference"}, {"answer_start": 133, "text": "American Football Conference"}], "question": "What does AFC stand for?", "id": "56bea9923aeaaa14008c91ba"}, {"answers": [{"answer_start": 334, "text": "February 7, 2016"}, {"answer_start": 334, "text": "February 7"}, {"answer_start": 334, "text": "February 7, 2016"}], "question": "What day was the Super Bowl played on?", "id": "56bea9923aeaaa14008c91bb"}, {"answers": [{"answer_start": 177, "text": "Denver Broncos"}, {"answer_start": 177, "text": "Denver Broncos"}, {"answer_start": 177, "text": "Denver Broncos"}], "question": "Who won Super Bowl 50?", "id": "56beace93aeaaa14008c91df"}, {"answers": [{"answer_start": 355, "text": "Levi's Stadium"}, {"answer_start": 355, "text": "Levi's Stadium"}, {"answer_start": 355, "text": "Levi's Stadium in the San Francisco Bay Area at Santa Clara"}], "question": "What venue did Super Bowl 50 take place in?", "id": "56beace93aeaaa14008c91e0"}, {"answers": [{"answer_start": 403, "text": "Santa Clara"}, {"answer_start": 403, "text": "Santa Clara"}, {"answer_start": 403, "text": "Santa Clara"}], "question": "What city did Super Bowl 50 take place in?", "id": "56beace93aeaaa14008c91e1"}, {"answers": [{"answer_start": 693, "text": "Super Bowl L"}, {"answer_start": 704, "text": "L"}, {"answer_start": 693, "text": "Super Bowl L"}], "question": "If Roman numerals were used, what would Super Bowl 50 have been called?", "id": "56beace93aeaaa14008c91e2"}, {"answers": [{"answer_start": 116, "text": "2015"}, {"answer_start": 112, "text": "the 2015 season"}, {"answer_start": 116, "text": "2015"}], "question": "Super Bowl 50 decided the NFL champion for what season?", "id": "56beace93aeaaa14008c91e3"}, {"answers": [{"answer_start": 116, "text": "2015"}, {"answer_start": 346, "text": "2016"}, {"answer_start": 116, "text": "2015"}], "question": "What year did the Denver Broncos secure a Super Bowl title for the third time?", "id": "56bf10f43aeaaa14008c94fd"}, {"answers": [{"answer_start": 403, "text": "Santa Clara"}, {"answer_start": 403, "text": "Santa Clara"}, {"answer_start": 403, "text": "Santa Clara"}], "question": "What city did Super Bowl 50 take place in?", "id": "56bf10f43aeaaa14008c94fe"}, {"answers": [{"answer_start": 355, "text": "Levi's Stadium"}, {"answer_start": 355, "text": "Levi's Stadium"}, {"answer_start": 355, "text": "Levi's Stadium"}], "question": "What stadium did Super Bowl 50 take place in?", "id": "56bf10f43aeaaa14008c94ff"}, {"answers": [{"answer_start": 267, "text": "24\u201310"}, {"answer_start": 267, "text": "24\u201310"}, {"answer_start": 267, "text": "24\u201310"}], "question": "What was the final score of Super Bowl 50? ", "id": "56bf10f43aeaaa14008c9500"}, {"answers": [{"answer_start": 334, "text": "February 7, 2016"}, {"answer_start": 334, "text": "February 7, 2016"}, {"answer_start": 334, "text": "February 7, 2016"}], "question": "What month, day and year did Super Bowl 50 take place? ", "id": "56bf10f43aeaaa14008c9501"}, {"answers": [{"answer_start": 116, "text": "2015"}, {"answer_start": 346, "text": "2016"}, {"answer_start": 346, "text": "2016"}], "question": "What year was Super Bowl 50?", "id": "56d20362e7d4791d009025e8"}, {"answers": [{"answer_start": 177, "text": "Denver Broncos"}, {"answer_start": 177, "text": "Denver Broncos"}, {"answer_start": 177, "text": "Denver Broncos"}], "question": "What team was the AFC champion?", "id": "56d20362e7d4791d009025e9"}, {"answers": [{"answer_start": 249, "text": "Carolina Panthers"}, {"answer_start": 249, "text": "Carolina Panthers"}, {"answer_start": 249, "text": "Carolina Panthers"}], "question": "What team was the NFC champion?", "id": "56d20362e7d4791d009025ea"}, {"answers": [{"answer_start": 177, "text": "Denver Broncos"}, {"answer_start": 177, "text": "Denver Broncos"}, {"answer_start": 177, "text": "Denver Broncos"}], "question": "Who won Super Bowl 50?", "id": "56d20362e7d4791d009025eb"}, {"answers": [{"answer_start": 116, "text": "2015"}, {"answer_start": 112, "text": "the 2015 season"}, {"answer_start": 116, "text": "2015"}], "question": "Super Bowl 50 determined the NFL champion for what season?", "id": "56d600e31c85041400946eae"}, {"answers": [{"answer_start": 177, "text": "Denver Broncos"}, {"answer_start": 177, "text": "Denver Broncos"}, {"answer_start": 177, "text": "Denver Broncos"}], "question": "Which team won Super Bowl 50.", "id": "56d600e31c85041400946eb0"}, {"answers": [{"answer_start": 403, "text": "Santa Clara, California."}, {"answer_start": 355, "text": "Levi's Stadium"}, {"answer_start": 355, "text": "Levi's Stadium"}], "question": "Where was Super Bowl 50 held?", "id": "56d600e31c85041400946eb1"}, {"answers": [{"answer_start": 0, "text": "Super Bowl"}, {"answer_start": 0, "text": "Super Bowl"}, {"answer_start": 0, "text": "Super Bowl"}], "question": "The name of the NFL championship game is?", "id": "56d9895ddc89441400fdb50e"}, {"answers": [{"answer_start": 177, "text": "Denver Broncos"}, {"answer_start": 177, "text": "Denver Broncos"}, {"answer_start": 177, "text": "Denver Broncos"}], "question": "What 2015 NFL team one the AFC playoff?", "id": "56d9895ddc89441400fdb510"}]}, {"context": "The Panthers finished the regular season with a 15\u20131 record, and quarterback Cam Newton was named the NFL Most Valuable Player (MVP). They defeated the Arizona Cardinals 49\u201315 in the NFC Championship Game and advanced to their second Super Bowl appearance since the franchise was founded in 1995. The Broncos finished the regular season with a 12\u20134 record, and denied the New England Patriots a chance to defend their title from Super Bowl XLIX by defeating them 20\u201318 in the AFC Championship Game. They joined the Patriots, Dallas Cowboys, and Pittsburgh Steelers as one of four teams that have made eight appearances in the Super Bowl.", "qas": [{"answers": [{"answer_start": 77, "text": "Cam Newton"}, {"answer_start": 77, "text": "Cam Newton"}, {"answer_start": 77, "text": "Cam Newton"}], "question": "Which Carolina Panthers player was named Most Valuable Player?", "id": "56be4e1facb8001400a502f6"}, {"answers": [{"answer_start": 467, "text": "8"}, {"answer_start": 601, "text": "eight"}, {"answer_start": 601, "text": "eight"}], "question": "How many appearances have the Denver Broncos made in the Super Bowl?", "id": "56be4e1facb8001400a502f9"}, {"answers": [{"answer_start": 291, "text": "1995"}, {"answer_start": 291, "text": "1995"}, {"answer_start": 291, "text": "1995"}], "question": "What year was the Carolina Panthers franchise founded?", "id": "56be4e1facb8001400a502fa"}, {"answers": [{"answer_start": 152, "text": "Arizona Cardinals"}, {"answer_start": 148, "text": "the Arizona Cardinals"}, {"answer_start": 152, "text": "Arizona Cardinals"}], "question": "What team did the Panthers defeat?", "id": "56beaa4a3aeaaa14008c91c2"}, {"answers": [{"answer_start": 372, "text": "New England Patriots"}, {"answer_start": 368, "text": "the New England Patriots"}, {"answer_start": 372, "text": "New England Patriots"}], "question": "Who did the Broncos prevent from going to the Super Bowl?", "id": "56beaa4a3aeaaa14008c91c3"}, {"answers": [{"answer_start": 152, "text": "Arizona Cardinals"}, {"answer_start": 148, "text": "the Arizona Cardinals"}, {"answer_start": 152, "text": "Arizona Cardinals"}], "question": "Who did the Panthers beat in the NFC Championship Game?", "id": "56bead5a3aeaaa14008c91e9"}, {"answers": [{"answer_start": 372, "text": "New England Patriots"}, {"answer_start": 368, "text": "the New England Patriots"}, {"answer_start": 372, "text": "New England Patriots"}], "question": "Who lost to the Broncos in the AFC Championship?", "id": "56bead5a3aeaaa14008c91ea"}, {"answers": [{"answer_start": 372, "text": "New England Patriots"}, {"answer_start": 368, "text": "the New England Patriots"}, {"answer_start": 372, "text": "New England Patriots"}], "question": "Who were the defending Super Bowl champions?", "id": "56bead5a3aeaaa14008c91eb"}, {"answers": [{"answer_start": 575, "text": "four"}, {"answer_start": 575, "text": "four"}, {"answer_start": 575, "text": "four"}], "question": "How many teams have been in the Super Bowl eight times?", "id": "56bead5a3aeaaa14008c91ec"}, {"answers": [{"answer_start": 77, "text": "Cam Newton"}, {"answer_start": 77, "text": "Cam Newton"}, {"answer_start": 77, "text": "Cam Newton"}], "question": "Who was this season's NFL MVP?", "id": "56bead5a3aeaaa14008c91ed"}, {"answers": [{"answer_start": 48, "text": "15\u20131"}, {"answer_start": 48, "text": "15\u20131"}, {"answer_start": 48, "text": "15\u20131"}], "question": "What was the win/loss ratio in 2015 for the Carolina Panthers during their regular season?", "id": "56bf159b3aeaaa14008c9507"}, {"answers": [{"answer_start": 77, "text": "Cam Newton"}, {"answer_start": 77, "text": "Cam Newton"}, {"answer_start": 77, "text": "Cam Newton"}], "question": "Which Carolina Panthers team member was picked as the team's MVP in 2015? ", "id": "56bf159b3aeaaa14008c9508"}, {"answers": [{"answer_start": 344, "text": "12\u20134"}, {"answer_start": 344, "text": "12\u20134"}, {"answer_start": 344, "text": "12\u20134"}], "question": "What were the win/loss game stats for the Denver Bronco's regular season in 2015?", "id": "56bf159b3aeaaa14008c9509"}, {"answers": [{"answer_start": 170, "text": "4"}, {"answer_start": 575, "text": "four"}, {"answer_start": 575, "text": "four"}], "question": "How many teams have played in the Super Bowl eight times?", "id": "56bf159b3aeaaa14008c950a"}, {"answers": [{"answer_start": 372, "text": "New England Patriots"}, {"answer_start": 368, "text": "the New England Patriots"}, {"answer_start": 372, "text": "New England Patriots"}], "question": "Which team did not get a chance to defend their Super Bowl XLIX win in Super Bowl 50?", "id": "56bf159b3aeaaa14008c950b"}, {"answers": [{"answer_start": 77, "text": "Cam Newton"}, {"answer_start": 77, "text": "Cam Newton"}, {"answer_start": 77, "text": "Cam Newton"}], "question": "Who is the quarterback for the Panthers?", "id": "56d2045de7d4791d009025f3"}, {"answers": [{"answer_start": 152, "text": "Arizona Cardinals"}, {"answer_start": 148, "text": "the Arizona Cardinals"}, {"answer_start": 152, "text": "Arizona Cardinals"}], "question": "Who did Carolina beat in the NFC championship game?", "id": "56d2045de7d4791d009025f4"}, {"answers": [{"answer_start": 345, "text": "2"}, {"answer_start": 227, "text": "second"}, {"answer_start": 227, "text": "second"}], "question": "How many times have the Panthers been in the Super Bowl?", "id": "56d2045de7d4791d009025f5"}, {"answers": [{"answer_start": 372, "text": "New England Patriots"}, {"answer_start": 368, "text": "the New England Patriots"}, {"answer_start": 372, "text": "New England Patriots"}], "question": "Who did Denver beat in the AFC championship?", "id": "56d2045de7d4791d009025f6"}, {"answers": [{"answer_start": 77, "text": "Cam Newton"}, {"answer_start": 77, "text": "Cam Newton"}, {"answer_start": 77, "text": "Cam Newton"}], "question": "Who was the Most Valuable Player for the 2015 NFL season?", "id": "56d6017d1c85041400946ebe"}, {"answers": [{"answer_start": 372, "text": "New England Patriots"}, {"answer_start": 368, "text": "the New England Patriots"}, {"answer_start": 372, "text": "New England Patriots"}], "question": "Who did Denver beat in the 2015 AFC Championship game?", "id": "56d6017d1c85041400946ec1"}, {"answers": [{"answer_start": 152, "text": "Arizona Cardinals"}, {"answer_start": 148, "text": "the Arizona Cardinals"}, {"answer_start": 152, "text": "Arizona Cardinals"}], "question": "Who did the Carolina Panthers beat in the 2015 NFC Championship game?", "id": "56d6017d1c85041400946ec2"}, {"answers": [{"answer_start": 77, "text": "Cam Newton"}, {"answer_start": 77, "text": "Cam Newton"}, {"answer_start": 77, "text": "Cam Newton"}], "question": "Who was the 2015 NFL MVP?", "id": "56d98a59dc89441400fdb52a"}, {"answers": [{"answer_start": 152, "text": "Arizona Cardinals"}, {"answer_start": 148, "text": "the Arizona Cardinals"}, {"answer_start": 152, "text": "Arizona Cardinals"}], "question": "Who did the Panthers beat to become the NFC champs?", "id": "56d98a59dc89441400fdb52b"}, {"answers": [{"answer_start": 291, "text": "1995."}, {"answer_start": 291, "text": "1995"}, {"answer_start": 291, "text": "1995"}], "question": "What year did the Carolina Panthers form?", "id": "56d98a59dc89441400fdb52e"}]}, {"context": "The Broncos took an early lead in Super Bowl 50 and never trailed. Newton was limited by Denver's defense, which sacked him seven times and forced him into three turnovers, including a fumble which they recovered for a touchdown. Denver linebacker Von Miller was named Super Bowl MVP, recording five solo tackles, 2\u00bd sacks, and two forced fumbles.", "qas": [{"answers": [{"answer_start": 248, "text": "Von Miller"}, {"answer_start": 248, "text": "Von Miller"}, {"answer_start": 252, "text": "Miller"}], "question": "Who was the Super Bowl 50 MVP?", "id": "56be4eafacb8001400a50302"}, {"answers": [{"answer_start": 314, "text": "2"}, {"answer_start": 328, "text": "two"}, {"answer_start": 328, "text": "two"}], "question": "How many fumbles did Von Miller force in Super Bowl 50?", "id": "56be4eafacb8001400a50303"}, {"answers": [{"answer_start": 4, "text": "Broncos"}, {"answer_start": 0, "text": "The Broncos"}, {"answer_start": 4, "text": "Broncos"}], "question": "Which team held the scoring lead throughout the entire game?", "id": "56be4eafacb8001400a50304"}, {"answers": [{"answer_start": 237, "text": "linebacker Von Miller"}, {"answer_start": 248, "text": "Von Miller"}, {"answer_start": 252, "text": "Miller"}], "question": "Which Denver linebacker was named Super Bowl MVP?", "id": "56beab833aeaaa14008c91d2"}, {"answers": [{"answer_start": 295, "text": "five solo tackles"}, {"answer_start": 295, "text": "five"}, {"answer_start": 295, "text": "five"}], "question": "How many solo tackles did Von Miller make at Super Bowl 50?", "id": "56beab833aeaaa14008c91d3"}, {"answers": [{"answer_start": 67, "text": "Newton was limited by Denver's defense"}, {"answer_start": 67, "text": "Newton"}, {"answer_start": 67, "text": "Newton"}], "question": "Who was limited by Denver's defense?", "id": "56beab833aeaaa14008c91d4"}, {"answers": [{"answer_start": 124, "text": "seven"}, {"answer_start": 124, "text": "seven"}, {"answer_start": 124, "text": "seven"}], "question": "How many times was Cam Newton sacked?", "id": "56beae423aeaaa14008c91f4"}, {"answers": [{"answer_start": 248, "text": "Von Miller"}, {"answer_start": 0, "text": "The Broncos"}, {"answer_start": 252, "text": "Miller"}], "question": "Who won the Super Bowl MVP?", "id": "56beae423aeaaa14008c91f5"}, {"answers": [{"answer_start": 156, "text": "three"}, {"answer_start": 156, "text": "three"}, {"answer_start": 156, "text": "three"}], "question": "How many turnovers did Cam Newton have?", "id": "56beae423aeaaa14008c91f6"}, {"answers": [{"answer_start": 328, "text": "two"}, {"answer_start": 328, "text": "two"}, {"answer_start": 328, "text": "two"}], "question": "How many fumbles did Von Miller force?", "id": "56beae423aeaaa14008c91f7"}, {"answers": [{"answer_start": 248, "text": "Von Miller"}, {"answer_start": 248, "text": "Von Miller"}, {"answer_start": 252, "text": "Miller"}], "question": "Who was given the esteemed status of MVP for Super Bowl 50?", "id": "56bf17653aeaaa14008c9511"}, {"answers": [{"answer_start": 237, "text": "linebacker"}, {"answer_start": 237, "text": "linebacker"}, {"answer_start": 237, "text": "linebacker"}], "question": "What position does Von Miller play for the Denver Broncos?", "id": "56bf17653aeaaa14008c9513"}, {"answers": [{"answer_start": 45, "text": "5"}, {"answer_start": 295, "text": "five"}, {"answer_start": 295, "text": "five"}], "question": "What was the number of solo tackles that Von Miller had in Super Bowl 50?", "id": "56bf17653aeaaa14008c9514"}, {"answers": [{"answer_start": 314, "text": "2"}, {"answer_start": 328, "text": "two"}, {"answer_start": 328, "text": "two"}], "question": "How many forced fumbles did Von Miller have during the Super Bowl 50 game?", "id": "56bf17653aeaaa14008c9515"}, {"answers": [{"answer_start": 248, "text": "Von Miller"}, {"answer_start": 248, "text": "Von Miller"}, {"answer_start": 248, "text": "Von Miller"}], "question": "Who won the MVP for the Super Bowl?", "id": "56d204ade7d4791d00902603"}, {"answers": [{"answer_start": 45, "text": "5"}, {"answer_start": 295, "text": "five"}, {"answer_start": 295, "text": "five"}], "question": "How many tackles did Von Miller get during the game?", "id": "56d204ade7d4791d00902604"}, {"answers": [{"answer_start": 124, "text": "seven"}, {"answer_start": 124, "text": "seven"}, {"answer_start": 124, "text": "seven"}], "question": "How many times was Cam Newton sacked in Super Bowl 50?", "id": "56d601e41c85041400946ece"}, {"answers": [{"answer_start": 156, "text": "three"}, {"answer_start": 156, "text": "three"}, {"answer_start": 156, "text": "three"}], "question": "How many times did the Denver defense force Newton into turnovers?", "id": "56d601e41c85041400946ecf"}, {"answers": [{"answer_start": 183, "text": "a fumble"}, {"answer_start": 183, "text": "a fumble"}, {"answer_start": 185, "text": "fumble"}], "question": "Which Newton turnover resulted in seven points for Denver?", "id": "56d601e41c85041400946ed0"}, {"answers": [{"answer_start": 248, "text": "Von Miller"}, {"answer_start": 248, "text": "Von Miller"}, {"answer_start": 248, "text": "Von Miller"}], "question": "Who was the Most Valuable Player of Super Bowl 50?", "id": "56d601e41c85041400946ed1"}, {"answers": [{"answer_start": 237, "text": "linebacker"}, {"answer_start": 237, "text": "linebacker"}, {"answer_start": 237, "text": "linebacker"}], "question": "What position does Von Miller play?", "id": "56d601e41c85041400946ed2"}, {"answers": [{"answer_start": 124, "text": "seven"}, {"answer_start": 124, "text": "seven"}, {"answer_start": 124, "text": "seven"}], "question": "How many times was the Panthers' quarterback sacked?", "id": "56d98b33dc89441400fdb53b"}, {"answers": [{"answer_start": 156, "text": "three"}, {"answer_start": 156, "text": "three"}, {"answer_start": 156, "text": "three"}], "question": "How many times did the Broncos cause turnovers in the game?", "id": "56d98b33dc89441400fdb53c"}, {"answers": [{"answer_start": 248, "text": "Von Miller"}, {"answer_start": 248, "text": "Von Miller"}, {"answer_start": 248, "text": "Von Miller"}], "question": "What Denver player caused two fumbles for the Panthers?", "id": "56d98b33dc89441400fdb53d"}, {"answers": [{"answer_start": 295, "text": "five"}, {"answer_start": 295, "text": "five"}, {"answer_start": 295, "text": "five"}], "question": "How many tackles did Von Miller accomlish by himself in the game?", "id": "56d98b33dc89441400fdb53e"}]}, {"context": "CBS broadcast Super Bowl 50 in the U.S., and charged an average of $5 million for a 30-second commercial during the game. The Super Bowl 50 halftime show was headlined by the British rock group Coldplay with special guest performers Beyonc\u00e9 and Bruno Mars, who headlined the Super Bowl XLVII and Super Bowl XLVIII halftime shows, respectively. It was the third-most watched U.S. broadcast ever.", "qas": [{"answers": [{"answer_start": 0, "text": "CBS"}, {"answer_start": 0, "text": "CBS"}, {"answer_start": 0, "text": "CBS"}], "question": "Which network broadcasted Super Bowl 50 in the U.S.?", "id": "56be5333acb8001400a5030a"}, {"answers": [{"answer_start": 67, "text": "$5 million"}, {"answer_start": 67, "text": "$5 million"}, {"answer_start": 67, "text": "$5 million"}], "question": "What was the average cost for a 30 second commercial during Super Bowl 50?", "id": "56be5333acb8001400a5030b"}, {"answers": [{"answer_start": 194, "text": "Coldplay"}, {"answer_start": 194, "text": "Coldplay"}, {"answer_start": 194, "text": "Coldplay"}], "question": "Which group headlined the Super Bowl 50 halftime show?", "id": "56be5333acb8001400a5030c"}, {"answers": [{"answer_start": 233, "text": "Beyonc\u00e9 and Bruno Mars"}, {"answer_start": 233, "text": "Beyonc\u00e9 and Bruno Mars"}, {"answer_start": 233, "text": "Beyonc\u00e9 and Bruno Mars"}], "question": "Which performers joined the headliner during the Super Bowl 50 halftime show?", "id": "56be5333acb8001400a5030d"}, {"answers": [{"answer_start": 275, "text": "Super Bowl XLVII"}, {"answer_start": 275, "text": "Super Bowl XLVII"}, {"answer_start": 286, "text": "XLVII"}], "question": "At which Super Bowl did Beyonce headline the halftime show?", "id": "56be5333acb8001400a5030e"}, {"answers": [{"answer_start": 0, "text": "CBS"}, {"answer_start": 0, "text": "CBS"}, {"answer_start": 0, "text": "CBS"}], "question": "Who was the broadcaster for Super Bowl 50 in the United States?", "id": "56beaf5e3aeaaa14008c91fd"}, {"answers": [{"answer_start": 67, "text": "$5 million"}, {"answer_start": 67, "text": "$5 million"}, {"answer_start": 67, "text": "$5 million"}], "question": "What was the average cost of a 30-second commercial?", "id": "56beaf5e3aeaaa14008c91fe"}, {"answers": [{"answer_start": 233, "text": "Beyonc\u00e9"}, {"answer_start": 233, "text": "Beyonc\u00e9"}, {"answer_start": 233, "text": "Beyonc\u00e9"}], "question": "What halftime performer previously headlined Super Bowl XLVII?", "id": "56beaf5e3aeaaa14008c91ff"}, {"answers": [{"answer_start": 245, "text": "Bruno Mars"}, {"answer_start": 245, "text": "Bruno Mars"}, {"answer_start": 251, "text": "Mars"}], "question": "What halftime performer previously headlined Super Bowl XLVIII?", "id": "56beaf5e3aeaaa14008c9200"}, {"answers": [{"answer_start": 194, "text": "Coldplay"}, {"answer_start": 194, "text": "Coldplay"}, {"answer_start": 194, "text": "Coldplay"}], "question": "Who was the main performer at this year's halftime show?", "id": "56beaf5e3aeaaa14008c9201"}, {"answers": [{"answer_start": 0, "text": "CBS"}, {"answer_start": 0, "text": "CBS"}, {"answer_start": 0, "text": "CBS"}], "question": "Which network broadcasted the 50th Super Bowl game? ", "id": "56bf1ae93aeaaa14008c951b"}, {"answers": [{"answer_start": 67, "text": "$5 million"}, {"answer_start": 67, "text": "$5 million"}, {"answer_start": 67, "text": "$5 million"}], "question": "What was the average cost for a TV ad lasting 30 seconds during Super Bowl 50?", "id": "56bf1ae93aeaaa14008c951c"}, {"answers": [{"answer_start": 245, "text": "Bruno Mars"}, {"answer_start": 245, "text": "Bruno Mars"}, {"answer_start": 245, "text": "Bruno Mars,"}], "question": "Who was the male singer who performed as a special guest during Super Bowl 50?", "id": "56bf1ae93aeaaa14008c951e"}, {"answers": [{"answer_start": 355, "text": "third"}, {"answer_start": 355, "text": "third"}, {"answer_start": 355, "text": "third"}], "question": "What ranking does the Super Bowl 50 halftime show have on the list of most watched TV broadcasts?", "id": "56bf1ae93aeaaa14008c951f"}, {"answers": [{"answer_start": 0, "text": "CBS"}, {"answer_start": 0, "text": "CBS"}, {"answer_start": 0, "text": "CBS"}], "question": "What station aired the Super Bowl?", "id": "56d2051ce7d4791d00902608"}, {"answers": [{"answer_start": 67, "text": "$5 million"}, {"answer_start": 67, "text": "$5 million"}, {"answer_start": 67, "text": "$5 million"}], "question": "How much money did a 1/2 minute commercial cost?", "id": "56d2051ce7d4791d00902609"}, {"answers": [{"answer_start": 194, "text": "Coldplay"}, {"answer_start": 194, "text": "Coldplay"}, {"answer_start": 194, "text": "Coldplay"}], "question": "What band headlined half-time during Super Bowl 50?", "id": "56d2051ce7d4791d0090260a"}, {"answers": [{"answer_start": 233, "text": "Beyonc\u00e9 and Bruno Mars"}, {"answer_start": 233, "text": "Beyonc\u00e9 and Bruno Mars"}, {"answer_start": 233, "text": "Beyonc\u00e9 and Bruno Mars"}], "question": "What two artists came out with Coldplay during the half-time show?", "id": "56d2051ce7d4791d0090260b"}, {"answers": [{"answer_start": 0, "text": "CBS"}, {"answer_start": 0, "text": "CBS"}, {"answer_start": 0, "text": "CBS"}], "question": "Who broadcast the Super Bowl on TV?", "id": "56d602631c85041400946ed8"}, {"answers": [{"answer_start": 194, "text": "Coldplay"}, {"answer_start": 194, "text": "Coldplay"}, {"answer_start": 194, "text": "Coldplay"}], "question": "Who headlined the halftime show for Super Bowl 50?", "id": "56d602631c85041400946eda"}, {"answers": [{"answer_start": 233, "text": "Beyonc\u00e9 and Bruno Mars"}, {"answer_start": 233, "text": "Beyonc\u00e9 and Bruno Mars"}, {"answer_start": 233, "text": "Beyonc\u00e9 and Bruno Mars"}], "question": "Who were special guests for the Super Bowl halftime show?", "id": "56d602631c85041400946edb"}, {"answers": [{"answer_start": 275, "text": "Super Bowl XLVII"}, {"answer_start": 275, "text": "Super Bowl XLVII"}, {"answer_start": 275, "text": "Super Bowl XLVII"}], "question": "Which Super Bowl halftime show did Beyonc\u00e9 headline?", "id": "56d602631c85041400946edc"}, {"answers": [{"answer_start": 67, "text": "$5 million"}, {"answer_start": 67, "text": "$5 million"}, {"answer_start": 67, "text": "$5 million for a 30-second"}], "question": "What was the cost for a half minute ad?", "id": "56d98c53dc89441400fdb544"}, {"answers": [{"answer_start": 194, "text": "Coldplay"}, {"answer_start": 194, "text": "Coldplay"}, {"answer_start": 194, "text": "Coldplay"}], "question": "Who lead the Super Bowl 50 halftime performance?", "id": "56d98c53dc89441400fdb545"}, {"answers": [{"answer_start": 233, "text": "Beyonc\u00e9 and Bruno Mars"}, {"answer_start": 233, "text": "Beyonc\u00e9 and Bruno Mars"}, {"answer_start": 233, "text": "Beyonc\u00e9 and Bruno Mars"}], "question": "What other two famous performers were part of the Super Bowl 50 halftime?", "id": "56d98c53dc89441400fdb546"}, {"answers": [{"answer_start": 245, "text": "Bruno Mars"}, {"answer_start": 194, "text": "Coldplay"}, {"answer_start": 194, "text": "Coldplay"}], "question": "What performer lead the Super Bowl XLVIII halftime show?", "id": "56d98c53dc89441400fdb548"}]}, {"context": "In early 2012, NFL Commissioner Roger Goodell stated that the league planned to make the 50th Super Bowl \"spectacular\" and that it would be \"an important game for us as a league\".", "qas": [{"answers": [{"answer_start": 32, "text": "Roger Goodell"}, {"answer_start": 32, "text": "Roger Goodell"}, {"answer_start": 38, "text": "Goodell"}], "question": "Who was the NFL Commissioner in early 2012?", "id": "56be53b8acb8001400a50314"}, {"answers": [{"answer_start": 85, "text": "the 50th Super Bowl"}, {"answer_start": 85, "text": "the 50th"}, {"answer_start": 89, "text": "50th"}], "question": "Which Super Bowl did Roger Goodell speak about?", "id": "56be53b8acb8001400a50315"}, {"answers": [{"answer_start": 9, "text": "2012"}, {"answer_start": 9, "text": "2012"}, {"answer_start": 9, "text": "2012"}], "question": "In what year did Roger Goodell call Super Bowl 50 'an important game for us as a league'?", "id": "56be53b8acb8001400a50316"}, {"answers": [{"answer_start": 32, "text": "Roger Goodell"}, {"answer_start": 32, "text": "Roger Goodell"}, {"answer_start": 38, "text": "Goodell"}], "question": "Who is the Commissioner of the National Football League?", "id": "56beafca3aeaaa14008c9207"}, {"answers": [{"answer_start": 3, "text": "early 2012"}, {"answer_start": 0, "text": "In early 2012"}, {"answer_start": 9, "text": "2012"}], "question": "When did he make the quoted remarks about Super Bowl 50?", "id": "56beafca3aeaaa14008c9208"}, {"answers": [{"answer_start": 32, "text": "Roger Goodell"}, {"answer_start": 32, "text": "Roger Goodell"}, {"answer_start": 38, "text": "Goodell"}], "question": "Who was the commissioner of the NFL in 2012? ", "id": "56bf42f53aeaaa14008c95a3"}, {"answers": [{"answer_start": 32, "text": "Roger Goodell"}, {"answer_start": 32, "text": "Roger Goodell"}, {"answer_start": 38, "text": "Goodell"}], "question": "Who if the commissioner of the NFL?", "id": "56d2053ae7d4791d00902610"}, {"answers": [{"answer_start": 32, "text": "Roger Goodell"}, {"answer_start": 32, "text": "Roger Goodell"}, {"answer_start": 38, "text": "Goodell"}], "question": "Who is the commissioner of the NFL?", "id": "56d6edd00d65d21400198250"}, {"answers": [{"answer_start": 106, "text": "spectacular"}, {"answer_start": 141, "text": "an important game for us as a league"}, {"answer_start": 106, "text": "spectacular"}], "question": "In early 2012, Goodell said that Super Bowl 50 would be what?", "id": "56d6edd00d65d21400198251"}, {"answers": [{"answer_start": 106, "text": "spectacular"}, {"answer_start": 106, "text": "spectacular"}, {"answer_start": 106, "text": "spectacular"}], "question": "What one word did the NFL commissioner use to describe what Super Bowl 50 was intended to be?", "id": "56d98d0adc89441400fdb54e"}, {"answers": [{"answer_start": 9, "text": "2012"}, {"answer_start": 9, "text": "2012"}, {"answer_start": 9, "text": "2012"}], "question": "What year did Roger Goodell announce that Super Bowl 50 would be \"important\"?", "id": "56d98d0adc89441400fdb54f"}]}, {"context": "The league eventually narrowed the bids to three sites: New Orleans' Mercedes-Benz Superdome, Miami's Sun Life Stadium, and the San Francisco Bay Area's Levi's Stadium.", "qas": [{"answers": [{"answer_start": 56, "text": "New Orleans' Mercedes-Benz Superdome"}, {"answer_start": 56, "text": "New Orleans' Mercedes-Benz Superdome"}, {"answer_start": 69, "text": "Mercedes-Benz Superdome"}], "question": "Which Louisiana venue was one of three considered for Super Bowl 50?", "id": "56be5438acb8001400a5031a"}, {"answers": [{"answer_start": 94, "text": "Miami's Sun Life Stadium"}, {"answer_start": 94, "text": "Miami's Sun Life Stadium"}, {"answer_start": 102, "text": "Sun Life Stadium"}], "question": "Which Florida venue was one of three considered for Super Bowl 50?", "id": "56be5438acb8001400a5031b"}, {"answers": [{"answer_start": 128, "text": "San Francisco Bay Area's Levi's Stadium"}, {"answer_start": 128, "text": "San Francisco Bay Area's Levi's Stadium"}, {"answer_start": 153, "text": "Levi's Stadium"}], "question": "Which California venue was one of three considered for Super Bowl 50?", "id": "56be5438acb8001400a5031c"}, {"answers": [{"answer_start": 102, "text": "Sun Life Stadium"}, {"answer_start": 102, "text": "Sun Life Stadium"}, {"answer_start": 102, "text": "Sun Life Stadium"}], "question": "What venue in Miami was a candidate for the site of Super Bowl 50?", "id": "56beb03c3aeaaa14008c920b"}, {"answers": [{"answer_start": 153, "text": "Levi's Stadium"}, {"answer_start": 153, "text": "Levi's Stadium"}, {"answer_start": 153, "text": "Levi's Stadium"}], "question": "What site is located in the San Francisco Bay Area?", "id": "56beb03c3aeaaa14008c920d"}, {"answers": [{"answer_start": 153, "text": "Levi's Stadium"}, {"answer_start": 153, "text": "Levi's Stadium"}, {"answer_start": 153, "text": "Levi's Stadium."}], "question": "What is the name of San Francisco's stadium when looked at as a possibility for Super Bowl 50?", "id": "56bf3c633aeaaa14008c9580"}, {"answers": [{"answer_start": 69, "text": "Mercedes-Benz Superdome"}, {"answer_start": 69, "text": "Mercedes-Benz Superdome"}, {"answer_start": 69, "text": "Mercedes-Benz Superdome"}], "question": "What was the name of New Orleans' superdome at the time that Super Bowl 50 took place?", "id": "56bf3c633aeaaa14008c9581"}, {"answers": [{"answer_start": 102, "text": "Sun Life Stadium"}, {"answer_start": 102, "text": "Sun Life Stadium"}, {"answer_start": 102, "text": "Sun Life Stadium"}], "question": "What was the given name of Miami's stadium at the time of Super Bowl 50?", "id": "56bf3c633aeaaa14008c9582"}, {"answers": [{"answer_start": 56, "text": "New Orleans' Mercedes-Benz Superdome, Miami's Sun Life Stadium, and the San Francisco Bay Area's Levi's Stadium"}, {"answer_start": 56, "text": "New Orleans' Mercedes-Benz Superdome, Miami's Sun Life Stadium, and the San Francisco Bay Area's Levi's Stadium."}, {"answer_start": 56, "text": "New Orleans' Mercedes-Benz Superdome, Miami's Sun Life Stadium, and the San Francisco Bay Area's Levi's Stadium."}], "question": "What three stadiums did the NFL decide between for the game?", "id": "56d20564e7d4791d00902612"}, {"answers": [{"answer_start": 43, "text": "three"}, {"answer_start": 43, "text": "three"}, {"answer_start": 43, "text": "three"}], "question": "How many sites did the NFL narrow down Super Bowl 50's location to?", "id": "56d6ee6e0d65d21400198254"}, {"answers": [{"answer_start": 56, "text": "New Orleans"}, {"answer_start": 56, "text": "New Orleans"}, {"answer_start": 56, "text": "New Orleans'"}], "question": "One of the sites, Merceds-Benz Superdome, is located where?", "id": "56d6ee6e0d65d21400198255"}, {"answers": [{"answer_start": 102, "text": "Sun Life Stadium"}, {"answer_start": 102, "text": "Sun Life Stadium"}, {"answer_start": 102, "text": "Sun Life Stadium"}], "question": "What is the name of the stadium in Miami that was considered?", "id": "56d6ee6e0d65d21400198256"}, {"answers": [{"answer_start": 128, "text": "San Francisco"}, {"answer_start": 128, "text": "San Francisco"}, {"answer_start": 128, "text": "San Francisco Bay Area's"}], "question": "What was the third city that was considered?", "id": "56d6ee6e0d65d21400198257"}, {"answers": [{"answer_start": 153, "text": "Levi's Stadium."}, {"answer_start": 153, "text": "Levi's Stadium"}, {"answer_start": 153, "text": "Levi's Stadium."}], "question": "What is the name of the stadium in San Francisco Bay Area?", "id": "56d6ee6e0d65d21400198258"}, {"answers": [{"answer_start": 102, "text": "Sun Life Stadium"}, {"answer_start": 102, "text": "Sun Life Stadium"}, {"answer_start": 102, "text": "Sun Life Stadium"}], "question": "What Florida stadium was considered for Super Bowl 50?", "id": "56d98db6dc89441400fdb552"}, {"answers": [{"answer_start": 69, "text": "Mercedes-Benz Superdome"}, {"answer_start": 69, "text": "Mercedes-Benz Superdome"}, {"answer_start": 69, "text": "Mercedes-Benz Superdome,"}], "question": "What New Orleans stadium was considered for Super Bowl 50?", "id": "56d98db6dc89441400fdb553"}, {"answers": [{"answer_start": 153, "text": "Levi's Stadium."}, {"answer_start": 153, "text": "Levi's Stadium"}, {"answer_start": 153, "text": "Levi's Stadium."}], "question": "What is the name of the stadium where Super Bowl 50 was played?", "id": "56d98db6dc89441400fdb554"}]}, {"context": "The league announced on October 16, 2012, that the two finalists were Sun Life Stadium and Levi's Stadium. The South Florida/Miami area has previously hosted the event 10 times (tied for most with New Orleans), with the most recent one being Super Bowl XLIV in 2010. The San Francisco Bay Area last hosted in 1985 (Super Bowl XIX), held at Stanford Stadium in Stanford, California, won by the home team 49ers. The Miami bid depended on whether the stadium underwent renovations. However, on May 3, 2013, the Florida legislature refused to approve the funding plan to pay for the renovations, dealing a significant blow to Miami's chances.", "qas": [{"answers": [{"answer_start": 24, "text": "October 16, 2012"}, {"answer_start": 24, "text": "October 16, 2012,"}, {"answer_start": 24, "text": "October 16, 2012"}], "question": "When were the two finalists for hosting Super Bowl 50 announced?", "id": "56be54bdacb8001400a50322"}, {"answers": [{"answer_start": 168, "text": "10"}, {"answer_start": 168, "text": "10"}, {"answer_start": 168, "text": "10"}], "question": "How many times has the South Florida/Miami area hosted the Super Bowl?", "id": "56be54bdacb8001400a50323"}, {"answers": [{"answer_start": 242, "text": "Super Bowl XLIV"}, {"answer_start": 242, "text": "Super Bowl XLIV"}, {"answer_start": 261, "text": "2010"}], "question": "What was the most recent Super Bowl hosted in the South Florida/Miami area?", "id": "56be54bdacb8001400a50324"}, {"answers": [{"answer_start": 261, "text": "2010"}, {"answer_start": 261, "text": "2010"}, {"answer_start": 261, "text": "2010"}], "question": "When was the most recent Super Bowl hosted in the South Florida/Miami area?", "id": "56be54bdacb8001400a50325"}, {"answers": [{"answer_start": 309, "text": "1985"}, {"answer_start": 309, "text": "1985"}, {"answer_start": 309, "text": "1985"}], "question": "When did the San Francisco Bay area last host the Super Bowl?", "id": "56be54bdacb8001400a50326"}, {"answers": [{"answer_start": 70, "text": "Sun Life Stadium"}, {"answer_start": 70, "text": "Sun Life Stadium"}, {"answer_start": 70, "text": "Sun Life Stadium"}], "question": "What was the other finalist besides Levi's Stadium?", "id": "56beb0f43aeaaa14008c921b"}, {"answers": [{"answer_start": 24, "text": "October 16, 2012"}, {"answer_start": 24, "text": "October 16, 2012"}, {"answer_start": 24, "text": "October 16, 2012,"}], "question": "When were the finalists announced?", "id": "56beb0f43aeaaa14008c921c"}, {"answers": [{"answer_start": 340, "text": "Stanford Stadium"}, {"answer_start": 340, "text": "Stanford Stadium"}, {"answer_start": 340, "text": "Stanford Stadium"}], "question": "In what venue did Super Bowl XIX take place?", "id": "56beb0f43aeaaa14008c921d"}, {"answers": [{"answer_start": 491, "text": "May 3, 2013"}, {"answer_start": 491, "text": "May 3, 2013"}, {"answer_start": 491, "text": "May 3, 2013"}], "question": "On what date did the Florida legislature decide against the plan to renovate the Miami stadium?", "id": "56beb0f43aeaaa14008c921e"}, {"answers": [{"answer_start": 261, "text": "2010"}, {"answer_start": 261, "text": "2010"}, {"answer_start": 261, "text": "2010"}], "question": "In what year was the Super Bowl last held in the Miami/South Florida area?", "id": "56beb0f43aeaaa14008c921f"}, {"answers": [{"answer_start": 51, "text": "two"}, {"answer_start": 168, "text": "10"}, {"answer_start": 168, "text": "10"}], "question": "How many times has a Super Bowl taken place at Miami's Sun Life Stadium?", "id": "56bf21b43aeaaa14008c9525"}, {"answers": [{"answer_start": 242, "text": "Super Bowl XLIV"}, {"answer_start": 242, "text": "Super Bowl XLIV"}, {"answer_start": 261, "text": "2010"}], "question": "What was the last Super Bowl that took place at Sun Life Stadium in Miami? ", "id": "56bf21b43aeaaa14008c9526"}, {"answers": [{"answer_start": 51, "text": "two"}, {"answer_start": 51, "text": "two"}, {"answer_start": 51, "text": "two"}], "question": "In 2012, how many stadiums were named as finalists for hosting Super Bowl 50 before the final stadium was chosen?", "id": "56bf21b43aeaaa14008c9528"}, {"answers": [{"answer_start": 508, "text": "Florida legislature"}, {"answer_start": 504, "text": "the Florida legislature"}, {"answer_start": 508, "text": "Florida legislature"}], "question": "What was the entity that stepped in and caused Miami's Sun Life Stadium to no longer be in the running to host Super Bowl 50?", "id": "56bf21b43aeaaa14008c9529"}, {"answers": [{"answer_start": 309, "text": "1985"}, {"answer_start": 309, "text": "1985"}, {"answer_start": 309, "text": "1985"}], "question": "Prior to this consideration, when did San Francisco last host a Super Bowl?", "id": "56d6ef6a0d65d21400198260"}, {"answers": [{"answer_start": 197, "text": "New Orleans"}, {"answer_start": 197, "text": "New Orleans"}, {"answer_start": 197, "text": "New Orleans"}], "question": "What other city has hosted the Super Bowl ten times?", "id": "56d6ef6a0d65d21400198262"}, {"answers": [{"answer_start": 24, "text": "October 16, 2012"}, {"answer_start": 24, "text": "October 16, 2012"}, {"answer_start": 24, "text": "October 16, 2012,"}], "question": "What date were the top two stadium choices for Super Bowl 50 announced?", "id": "56d98f0ddc89441400fdb558"}, {"answers": [{"answer_start": 263, "text": "10."}, {"answer_start": 168, "text": "10"}, {"answer_start": 168, "text": "10 times"}], "question": "How many times prios has the Sun Life Stadium had Super Bowls?", "id": "56d98f0ddc89441400fdb559"}, {"answers": [{"answer_start": 197, "text": "New Orleans"}, {"answer_start": 197, "text": "New Orleans"}, {"answer_start": 197, "text": "New Orleans"}], "question": "What city is tied with Miami for hosting the Super Bowl?", "id": "56d98f0ddc89441400fdb55a"}, {"answers": [{"answer_start": 309, "text": "1985"}, {"answer_start": 309, "text": "1985"}, {"answer_start": 309, "text": "1985"}], "question": "When was the last time San Francisco hosted a Super Bowl?", "id": "56d98f0ddc89441400fdb55b"}, {"answers": [{"answer_start": 508, "text": "Florida legislature"}, {"answer_start": 504, "text": "the Florida legislature"}, {"answer_start": 508, "text": "Florida legislature"}], "question": "Who decided not to approve paying for renovations at Sun Life Stadium that the league wanted for them to do to host Super Bowl 50?", "id": "56d98f0ddc89441400fdb55c"}]}, {"context": "On May 21, 2013, NFL owners at their spring meetings in Boston voted and awarded the game to Levi's Stadium. The $1.2 billion stadium opened in 2014. It is the first Super Bowl held in the San Francisco Bay Area since Super Bowl XIX in 1985, and the first in California since Super Bowl XXXVII took place in San Diego in 2003.", "qas": [{"answers": [{"answer_start": 3, "text": "May 21, 2013"}, {"answer_start": 3, "text": "May 21, 2013"}, {"answer_start": 3, "text": "May 21, 2013,"}], "question": "When was Levi's Stadium awarded the right to host Super Bowl 50?", "id": "56be5523acb8001400a5032c"}, {"answers": [{"answer_start": 17, "text": "NFL owners"}, {"answer_start": 17, "text": "NFL owners"}, {"answer_start": 17, "text": "NFL owners"}], "question": "Who voted on the venue for Super Bowl 50?", "id": "56be5523acb8001400a5032d"}, {"answers": [{"answer_start": 144, "text": "2014"}, {"answer_start": 141, "text": "in 2014"}, {"answer_start": 144, "text": "2014"}], "question": "When did Lev's Stadium open?", "id": "56be5523acb8001400a5032e"}, {"answers": [{"answer_start": 113, "text": "$1.2 billion"}, {"answer_start": 113, "text": "$1.2 billion"}, {"answer_start": 113, "text": "$1.2 billion"}], "question": "How much did it cost to build Levi's Stadium?", "id": "56be5523acb8001400a5032f"}, {"answers": [{"answer_start": 308, "text": "San Diego"}, {"answer_start": 308, "text": "San Diego"}, {"answer_start": 308, "text": "San Diego"}], "question": "What California city last hosted the Super Bowl?", "id": "56be5523acb8001400a50330"}, {"answers": [{"answer_start": 56, "text": "Boston"}, {"answer_start": 53, "text": "in Boston"}, {"answer_start": 3, "text": "May 21, 2013"}], "question": "Where did the spring meetings of the NFL owners take place?", "id": "56beb2153aeaaa14008c9225"}, {"answers": [{"answer_start": 3, "text": "May 21, 2013"}, {"answer_start": 3, "text": "May 21, 2013"}, {"answer_start": 3, "text": "May 21, 2013,"}], "question": "On what date was Super Bowl 50 given to Levi's Stadium?", "id": "56beb2153aeaaa14008c9226"}, {"answers": [{"answer_start": 113, "text": "$1.2 billion"}, {"answer_start": 113, "text": "$1.2 billion"}, {"answer_start": 113, "text": "$1.2 billion"}], "question": "How much did it cost to build Levi's Stadium?", "id": "56beb2153aeaaa14008c9227"}, {"answers": [{"answer_start": 276, "text": "Super Bowl XXXVII"}, {"answer_start": 276, "text": "Super Bowl XXXVII"}, {"answer_start": 287, "text": "XXXVII"}], "question": "Prior to Super Bowl 50, what was the last Super Bowl in California?", "id": "56beb2153aeaaa14008c9228"}, {"answers": [{"answer_start": 308, "text": "San Diego"}, {"answer_start": 308, "text": "San Diego"}, {"answer_start": 308, "text": "San Diego"}], "question": "In what city did the last Super Bowl in California occur?", "id": "56beb2153aeaaa14008c9229"}, {"answers": [{"answer_start": 11, "text": "2013"}, {"answer_start": 11, "text": "2013"}, {"answer_start": 11, "text": "2013"}], "question": "What year did Levi's Stadium become fully approved to host Super Bowl 50?", "id": "56bf23363aeaaa14008c952f"}, {"answers": [{"answer_start": 144, "text": "2014"}, {"answer_start": 144, "text": "2014"}, {"answer_start": 144, "text": "2014"}], "question": "When did Levi's stadium open to the public? ", "id": "56bf23363aeaaa14008c9530"}, {"answers": [{"answer_start": 113, "text": "$1.2 billion"}, {"answer_start": 113, "text": "$1.2 billion"}, {"answer_start": 113, "text": "$1.2 billion"}], "question": "How much did it cost to build the stadium where Super Bowl 50 was played?", "id": "56bf23363aeaaa14008c9531"}, {"answers": [{"answer_start": 236, "text": "1985"}, {"answer_start": 236, "text": "1985"}, {"answer_start": 236, "text": "1985"}], "question": "What year did a Super Bowl play in the bay area around San Francisco, prior to Super Bowl 50?", "id": "56bf23363aeaaa14008c9532"}, {"answers": [{"answer_start": 276, "text": "Super Bowl XXXVII"}, {"answer_start": 276, "text": "Super Bowl XXXVII"}, {"answer_start": 287, "text": "XXXVII"}], "question": "Which Super Bowl was hosted in San Diego in 2003? ", "id": "56bf23363aeaaa14008c9533"}, {"answers": [{"answer_start": 3, "text": "May 21, 2013"}, {"answer_start": 3, "text": "May 21, 2013,"}, {"answer_start": 3, "text": "May 21, 2013"}], "question": "When was San Francisco voted to be the location for Super Bowl 50?", "id": "56d6f0770d65d21400198268"}, {"answers": [{"answer_start": 144, "text": "2014"}, {"answer_start": 141, "text": "in 2014"}, {"answer_start": 144, "text": "2014"}], "question": "When did Levi's Stadium open?", "id": "56d6f0770d65d21400198269"}, {"answers": [{"answer_start": 321, "text": "2003"}, {"answer_start": 318, "text": "in 2003"}, {"answer_start": 321, "text": "2003"}], "question": "When was the last Super Bowl in California?", "id": "56d6f0770d65d2140019826a"}, {"answers": [{"answer_start": 56, "text": "Boston"}, {"answer_start": 53, "text": "in Boston"}, {"answer_start": 56, "text": "Boston"}], "question": "Where was the meeting held when the NFL owners voted on the location for Super Bowl 50?", "id": "56d6f0770d65d2140019826c"}, {"answers": [{"answer_start": 3, "text": "May 21, 2013"}, {"answer_start": 3, "text": "May 21, 2013"}, {"answer_start": 3, "text": "May 21, 2013"}], "question": "When was Levi's Stadium picked for Super bowl 50?", "id": "56d98fbfdc89441400fdb562"}, {"answers": [{"answer_start": 144, "text": "2014."}, {"answer_start": 141, "text": "in 2014"}, {"answer_start": 144, "text": "2014"}], "question": "When did Levi's Stadium open?", "id": "56d98fbfdc89441400fdb563"}, {"answers": [{"answer_start": 113, "text": "$1.2 billion"}, {"answer_start": 113, "text": "$1.2 billion"}, {"answer_start": 113, "text": "$1.2 billion"}], "question": "How much did Levi's Stadium cost?", "id": "56d98fbfdc89441400fdb564"}, {"answers": [{"answer_start": 321, "text": "2003."}, {"answer_start": 321, "text": "2003"}, {"answer_start": 321, "text": "2003"}], "question": "When was the last time California hosted a Super Bowl?", "id": "56d98fbfdc89441400fdb565"}]}, {"context": "For the third straight season, the number one seeds from both conferences met in the Super Bowl. The Carolina Panthers became one of only ten teams to have completed a regular season with only one loss, and one of only six teams to have acquired a 15\u20131 record, while the Denver Broncos became one of four teams to have made eight appearances in the Super Bowl. The Broncos made their second Super Bowl appearance in three years, having reached Super Bowl XLVIII, while the Panthers made their second Super Bowl appearance in franchise history, their other appearance being Super Bowl XXXVIII. Coincidentally, both teams were coached by John Fox in their last Super Bowl appearance prior to Super Bowl 50.", "qas": [{"answers": [{"answer_start": 636, "text": "John Fox"}, {"answer_start": 636, "text": "John Fox"}, {"answer_start": 641, "text": "Fox"}], "question": "Who coached each Super Bowl 50 participant in their most recent Super Bowl appearance prior to Super Bowl 50?", "id": "56be572b3aeaaa14008c9052"}, {"answers": [{"answer_start": 138, "text": "ten"}, {"answer_start": 138, "text": "ten"}, {"answer_start": 219, "text": "six"}], "question": "How many NFL teams have finished the regular season with one loss?", "id": "56beb2a03aeaaa14008c922f"}, {"answers": [{"answer_start": 219, "text": "six"}, {"answer_start": 219, "text": "six"}, {"answer_start": 219, "text": "six"}], "question": "How many NFL teams have gone 15-1 in one season?", "id": "56beb2a03aeaaa14008c9230"}, {"answers": [{"answer_start": 101, "text": "Carolina Panthers"}, {"answer_start": 97, "text": "The Carolina Panthers"}, {"answer_start": 110, "text": "Panthers"}], "question": "Which team in Super Bowl 50 had a 15-1 record?", "id": "56beb2a03aeaaa14008c9231"}, {"answers": [{"answer_start": 444, "text": "Super Bowl XLVIII"}, {"answer_start": 444, "text": "Super Bowl XLVIII"}, {"answer_start": 455, "text": "XLVIII"}], "question": "What was the last Super Bowl the Broncos participated in?", "id": "56beb2a03aeaaa14008c9232"}, {"answers": [{"answer_start": 636, "text": "John Fox"}, {"answer_start": 636, "text": "John Fox"}, {"answer_start": 641, "text": "Fox"}], "question": "Who was the head coach of the Broncos in Super Bowl XLVIII?", "id": "56beb2a03aeaaa14008c9233"}, {"answers": [{"answer_start": 324, "text": "eight"}, {"answer_start": 324, "text": "eight"}, {"answer_start": 324, "text": "eight"}], "question": "What was the number of times the Denver Broncos played in a Super Bowl by the time they reached Super Bowl 50?", "id": "56bf28c73aeaaa14008c9539"}, {"answers": [{"answer_start": 138, "text": "ten"}, {"answer_start": 138, "text": "ten"}, {"answer_start": 138, "text": "ten"}], "question": "How many NFL teams have had only one loss by the end of a regular season?", "id": "56bf28c73aeaaa14008c953a"}, {"answers": [{"answer_start": 573, "text": "Super Bowl XXXVIII"}, {"answer_start": 573, "text": "Super Bowl XXXVIII"}, {"answer_start": 584, "text": "XXXVIII"}], "question": "What was the first Super Bowl that the Carolina Panthers played in? ", "id": "56bf28c73aeaaa14008c953c"}, {"answers": [{"answer_start": 219, "text": "six"}, {"answer_start": 138, "text": "ten"}, {"answer_start": 138, "text": "ten"}], "question": "How many teams can boast a 15\u20131 regular season record?", "id": "56bf28c73aeaaa14008c953d"}, {"answers": [{"answer_start": 35, "text": "number one"}, {"answer_start": 35, "text": "number one"}, {"answer_start": 42, "text": "one"}], "question": "What seed was the Carolina Panthers?", "id": "56d6f1190d65d21400198272"}, {"answers": [{"answer_start": 35, "text": "number one"}, {"answer_start": 35, "text": "number one"}, {"answer_start": 42, "text": "one"}], "question": "What seed was the Denver Broncos?", "id": "56d6f1190d65d21400198273"}, {"answers": [{"answer_start": 444, "text": "Super Bowl XLVIII"}, {"answer_start": 444, "text": "Super Bowl XLVIII"}, {"answer_start": 444, "text": "Super Bowl XLVIII"}], "question": "Prior to Super Bowl 50, when were the Broncos last there?", "id": "56d6f1190d65d21400198274"}, {"answers": [{"answer_start": 573, "text": "Super Bowl XXXVIII."}, {"answer_start": 573, "text": "Super Bowl XXXVIII"}, {"answer_start": 573, "text": "Super Bowl XXXVIII"}], "question": "Prior to Super Bowl 50, when were the Carolina Panthers last there?", "id": "56d6f1190d65d21400198275"}, {"answers": [{"answer_start": 219, "text": "six"}, {"answer_start": 138, "text": "ten"}, {"answer_start": 138, "text": "ten"}], "question": "How many teams have had a 15-1 record for the regular season?", "id": "56d6f1190d65d21400198276"}, {"answers": [{"answer_start": 42, "text": "one"}, {"answer_start": 251, "text": "1"}, {"answer_start": 251, "text": "1"}], "question": "How many games did the Panthers lose in the regular season before Super Bowl 50?", "id": "56d99179dc89441400fdb56c"}, {"answers": [{"answer_start": 300, "text": "four"}, {"answer_start": 300, "text": "four"}, {"answer_start": 300, "text": "four"}], "question": "How many teams up to Super Bowl 50 have been to the championship game eight times?", "id": "56d99179dc89441400fdb56d"}, {"answers": [{"answer_start": 636, "text": "John Fox"}, {"answer_start": 636, "text": "John Fox"}, {"answer_start": 636, "text": "John Fox"}], "question": "Before Super Bowl 50, what was the coach's name that coached both teams for their last Super Bowl appearances?", "id": "56d99179dc89441400fdb570"}]}, {"context": "Despite waiving longtime running back DeAngelo Williams and losing top wide receiver Kelvin Benjamin to a torn ACL in the preseason, the Carolina Panthers had their best regular season in franchise history, becoming the seventh team to win at least 15 regular season games since the league expanded to a 16-game schedule in 1978. Carolina started the season 14\u20130, not only setting franchise records for the best start and the longest single-season winning streak, but also posting the best start to a season by an NFC team in NFL history, breaking the 13\u20130 record previously shared with the 2009 New Orleans Saints and the 2011 Green Bay Packers. With their NFC-best 15\u20131 regular season record, the Panthers clinched home-field advantage throughout the NFC playoffs for the first time in franchise history. Ten players were selected to the Pro Bowl (the most in franchise history) along with eight All-Pro selections.", "qas": [{"answers": [{"answer_start": 38, "text": "DeAngelo Williams"}, {"answer_start": 38, "text": "DeAngelo Williams"}, {"answer_start": 47, "text": "Williams"}], "question": "Whic Carolina Panthers running back was waived?", "id": "56be59683aeaaa14008c9058"}, {"answers": [{"answer_start": 85, "text": "Kelvin Benjamin"}, {"answer_start": 85, "text": "Kelvin Benjamin"}, {"answer_start": 92, "text": "Benjamin"}], "question": "Which Carolina Panthers wide receiver suffered a torn ACL before the season began?", "id": "56be59683aeaaa14008c9059"}, {"answers": [{"answer_start": 326, "text": "7"}, {"answer_start": 220, "text": "seventh"}, {"answer_start": 220, "text": "seventh"}], "question": "How many teams have won 15 regular season games since the 16-game schedule was adopted?", "id": "56be59683aeaaa14008c905a"}, {"answers": [{"answer_start": 324, "text": "1978"}, {"answer_start": 324, "text": "1978"}, {"answer_start": 324, "text": "1978"}], "question": "In what year did the NFL switch to a 16-game regular season?", "id": "56beb3083aeaaa14008c923d"}, {"answers": [{"answer_start": 137, "text": "Carolina Panthers"}, {"answer_start": 695, "text": "the Panthers"}, {"answer_start": 330, "text": "Carolina"}], "question": "Who had the best record in the NFC?", "id": "56beb3083aeaaa14008c923e"}, {"answers": [{"answer_start": 807, "text": "Ten"}, {"answer_start": 807, "text": "Ten"}, {"answer_start": 807, "text": "Ten"}], "question": "How many Panthers went to the Pro Bowl?", "id": "56beb3083aeaaa14008c923f"}, {"answers": [{"answer_start": 892, "text": "eight"}, {"answer_start": 892, "text": "eight"}, {"answer_start": 892, "text": "eight"}], "question": "How many Panthers were designated All-Pro?", "id": "56beb3083aeaaa14008c9240"}, {"answers": [{"answer_start": 85, "text": "Kelvin Benjamin"}, {"answer_start": 85, "text": "Kelvin Benjamin"}, {"answer_start": 92, "text": "Benjamin"}], "question": "What Panther tore his ACL in the preseason?", "id": "56beb3083aeaaa14008c9241"}, {"answers": [{"answer_start": 324, "text": "1978"}, {"answer_start": 324, "text": "1978"}, {"answer_start": 324, "text": "1978"}], "question": "What year did the league begin having schedules with 16 games in them?", "id": "56bf2afe3aeaaa14008c9543"}, {"answers": [{"answer_start": 591, "text": "2009"}, {"answer_start": 591, "text": "2009"}, {"answer_start": 591, "text": "2009"}], "question": "What year did the the Saints hit a 13-0 record?", "id": "56bf2afe3aeaaa14008c9544"}, {"answers": [{"answer_start": 623, "text": "2011"}, {"answer_start": 623, "text": "2011"}, {"answer_start": 623, "text": "2011"}], "question": "When did the Packers arrive at a record of 13-0?", "id": "56bf2afe3aeaaa14008c9545"}, {"answers": [{"answer_start": 106, "text": "torn ACL"}, {"answer_start": 104, "text": "a torn ACL"}, {"answer_start": 106, "text": "torn ACL"}], "question": "What injury did the Carolina Panthers lose Kelvin Benjamin to during their preseason?", "id": "56bf2afe3aeaaa14008c9547"}, {"answers": [{"answer_start": 85, "text": "Kelvin Benjamin"}, {"answer_start": 85, "text": "Kelvin Benjamin"}, {"answer_start": 92, "text": "Benjamin"}], "question": "Which player did the Panthers lose to an ACL injury in a preseason game?", "id": "56d6f2000d65d2140019827c"}, {"answers": [{"answer_start": 38, "text": "DeAngelo Williams"}, {"answer_start": 38, "text": "DeAngelo Williams"}, {"answer_start": 47, "text": "Williams"}], "question": "Which running back did the Panthers waive?", "id": "56d6f2000d65d2140019827d"}, {"answers": [{"answer_start": 324, "text": "1978"}, {"answer_start": 324, "text": "1978"}, {"answer_start": 324, "text": "1978"}], "question": "When did the NFL start their 16 game seasons?", "id": "56d6f2000d65d2140019827e"}, {"answers": [{"answer_start": 807, "text": "Ten"}, {"answer_start": 807, "text": "Ten"}, {"answer_start": 807, "text": "Ten"}], "question": "How many Panthers players were selected to the Pro Bowl?", "id": "56d6f2000d65d2140019827f"}, {"answers": [{"answer_start": 137, "text": "Carolina Panthers"}, {"answer_start": 695, "text": "the Panthers"}, {"answer_start": 330, "text": "Carolina"}], "question": "Which team had the best regular season in their history?", "id": "56d9943fdc89441400fdb576"}, {"answers": [{"answer_start": 324, "text": "1978."}, {"answer_start": 324, "text": "1978"}, {"answer_start": 324, "text": "1978"}], "question": "When did the league go from 15 to 16 games in the regular season?", "id": "56d9943fdc89441400fdb577"}, {"answers": [{"answer_start": 137, "text": "Carolina Panthers"}, {"answer_start": 695, "text": "the Panthers"}, {"answer_start": 330, "text": "Carolina"}], "question": "What team had the best start ever in the NFL?", "id": "56d9943fdc89441400fdb578"}, {"answers": [{"answer_start": 807, "text": "Ten"}, {"answer_start": 807, "text": "Ten"}, {"answer_start": 807, "text": "Ten"}], "question": "How many Panthers players were chosen for the 2015 season's Pro Bowl?", "id": "56d9943fdc89441400fdb57a"}]}, {"context": "The Panthers offense, which led the NFL in scoring (500 points), was loaded with talent, boasting six Pro Bowl selections. Pro Bowl quarterback Cam Newton had one of his best seasons, throwing for 3,837 yards and rushing for 636, while recording a career-high and league-leading 45 total touchdowns (35 passing, 10 rushing), a career-low 10 interceptions, and a career-best quarterback rating of 99.4. Newton's leading receivers were tight end Greg Olsen, who caught a career-high 77 passes for 1,104 yards and seven touchdowns, and wide receiver Ted Ginn, Jr., who caught 44 passes for 739 yards and 10 touchdowns; Ginn also rushed for 60 yards and returned 27 punts for 277 yards. Other key receivers included veteran Jerricho Cotchery (39 receptions for 485 yards), rookie Devin Funchess (31 receptions for 473 yards and five touchdowns), and second-year receiver Corey Brown (31 receptions for 447 yards). The Panthers backfield featured Pro Bowl running back Jonathan Stewart, who led the team with 989 rushing yards and six touchdowns in 13 games, along with Pro Bowl fullback Mike Tolbert, who rushed for 256 yards and caught 18 passes for another 154 yards. Carolina's offensive line also featured two Pro Bowl selections: center Ryan Kalil and guard Trai Turner.", "qas": [{"answers": [{"answer_start": 98, "text": "six"}, {"answer_start": 98, "text": "six"}, {"answer_start": 98, "text": "six"}], "question": "How many Pro Bowlers were on the Panthers offense?", "id": "56beb3a03aeaaa14008c9247"}, {"answers": [{"answer_start": 279, "text": "45"}, {"answer_start": 279, "text": "45"}, {"answer_start": 279, "text": "45"}], "question": "How many total touchdowns did Cam Newton score?", "id": "56beb3a03aeaaa14008c9248"}, {"answers": [{"answer_start": 312, "text": "10"}, {"answer_start": 338, "text": "10"}, {"answer_start": 338, "text": "10"}], "question": "How many interceptions did Cam Newton throw?", "id": "56beb3a03aeaaa14008c9249"}, {"answers": [{"answer_start": 659, "text": "27"}, {"answer_start": 659, "text": "27"}, {"answer_start": 659, "text": "27"}], "question": "How many punts did Ted Ginn Jr. return?", "id": "56beb3a03aeaaa14008c924a"}, {"answers": [{"answer_start": 444, "text": "Greg Olsen"}, {"answer_start": 444, "text": "Greg Olsen"}, {"answer_start": 449, "text": "Olsen"}], "question": "Who started at tight end for the Panthers?", "id": "56beb3a03aeaaa14008c924b"}, {"answers": [{"answer_start": 279, "text": "45"}, {"answer_start": 279, "text": "45"}, {"answer_start": 279, "text": "45"}], "question": "What is the record number of touchdowns Cam Newton has had? ", "id": "56bf6b303aeaaa14008c960b"}, {"answers": [{"answer_start": 396, "text": "99.4"}, {"answer_start": 396, "text": "99.4"}, {"answer_start": 396, "text": "99.4."}], "question": "What is the best QB ranking that Cam Newton holds?", "id": "56bf6b303aeaaa14008c960c"}, {"answers": [{"answer_start": 481, "text": "77 passes"}, {"answer_start": 481, "text": "77"}, {"answer_start": 481, "text": "77"}], "question": "What are the most passes that Greg Olsen has had?", "id": "56bf6b303aeaaa14008c960d"}, {"answers": [{"answer_start": 419, "text": "receivers"}, {"answer_start": 693, "text": "receivers"}, {"answer_start": 693, "text": "receivers"}], "question": "What position does Jerricho Cotchery play?", "id": "56bf6b303aeaaa14008c960e"}, {"answers": [{"answer_start": 964, "text": "Jonathan Stewart"}, {"answer_start": 964, "text": "Jonathan Stewart"}, {"answer_start": 964, "text": "Jonathan Stewart"}], "question": "Which Panthers RB scored 6 TDs in the 13 games leading up to Super Bowl 50?", "id": "56bf6b303aeaaa14008c960f"}, {"answers": [{"answer_start": 98, "text": "six"}, {"answer_start": 98, "text": "six"}, {"answer_start": 98, "text": "six"}], "question": "How many Offensive players from the Panthers were selected to play in the Pro Bowl?", "id": "56d6f2960d65d21400198286"}, {"answers": [{"answer_start": 144, "text": "Cam Newton"}, {"answer_start": 144, "text": "Cam Newton"}, {"answer_start": 144, "text": "Cam Newton"}], "question": "Who is the quarterback for the Carolina Panthers?", "id": "56d6f2960d65d21400198287"}, {"answers": [{"answer_start": 197, "text": "3,837"}, {"answer_start": 197, "text": "3,837"}, {"answer_start": 197, "text": "3,837"}], "question": "How many yards did Newton throw for in 2015?", "id": "56d6f2960d65d21400198288"}, {"answers": [{"answer_start": 279, "text": "45"}, {"answer_start": 279, "text": "45"}, {"answer_start": 279, "text": "45"}], "question": "How many touchdowns did Newton have in 2015?", "id": "56d6f2960d65d21400198289"}, {"answers": [{"answer_start": 98, "text": "six"}, {"answer_start": 1026, "text": "six"}, {"answer_start": 1026, "text": "six"}], "question": "How many touchdowns did Jonathan Stewart have in 13 games?", "id": "56d6f2960d65d2140019828a"}, {"answers": [{"answer_start": 52, "text": "500"}, {"answer_start": 52, "text": "500"}, {"answer_start": 52, "text": "500"}], "question": "How many points did Carolina lead the NFL in scoring for offensive plays?", "id": "56d997cddc89441400fdb586"}, {"answers": [{"answer_start": 197, "text": "3,837"}, {"answer_start": 197, "text": "3,837"}, {"answer_start": 197, "text": "3,837"}], "question": "how many yards did Newton get for passes in the 2015 season?", "id": "56d997cddc89441400fdb587"}, {"answers": [{"answer_start": 279, "text": "45"}, {"answer_start": 279, "text": "45"}, {"answer_start": 279, "text": "45"}], "question": "How many touchdowns did Newton get in the 2015 season?", "id": "56d997cddc89441400fdb588"}, {"answers": [{"answer_start": 396, "text": "99.4."}, {"answer_start": 396, "text": "99.4"}, {"answer_start": 396, "text": "99.4."}], "question": "What was Newton's quarterback rating for 2015?", "id": "56d997cddc89441400fdb589"}, {"answers": [{"answer_start": 588, "text": "39"}, {"answer_start": 739, "text": "39"}, {"answer_start": 739, "text": "39"}], "question": "How many receptions did Cotchery get for the 2015 season?", "id": "56d997cddc89441400fdb58a"}]}, {"context": "The Panthers defense gave up just 308 points, ranking sixth in the league, while also leading the NFL in interceptions with 24 and boasting four Pro Bowl selections. Pro Bowl defensive tackle Kawann Short led the team in sacks with 11, while also forcing three fumbles and recovering two. Fellow lineman Mario Addison added 6\u00bd sacks. The Panthers line also featured veteran defensive end Jared Allen, a 5-time pro bowler who was the NFL's active career sack leader with 136, along with defensive end Kony Ealy, who had 5 sacks in just 9 starts. Behind them, two of the Panthers three starting linebackers were also selected to play in the Pro Bowl: Thomas Davis and Luke Kuechly. Davis compiled 5\u00bd sacks, four forced fumbles, and four interceptions, while Kuechly led the team in tackles (118) forced two fumbles, and intercepted four passes of his own. Carolina's secondary featured Pro Bowl safety Kurt Coleman, who led the team with a career high seven interceptions, while also racking up 88 tackles and Pro Bowl cornerback Josh Norman, who developed into a shutdown corner during the season and had four interceptions, two of which were returned for touchdowns.", "qas": [{"answers": [{"answer_start": 34, "text": "308"}, {"answer_start": 34, "text": "308"}, {"answer_start": 34, "text": "308"}], "question": "How many points did the Panthers defense surrender?", "id": "56beb4343aeaaa14008c925b"}, {"answers": [{"answer_start": 470, "text": "136"}, {"answer_start": 470, "text": "136"}, {"answer_start": 470, "text": "136"}], "question": "How many career sacks did Jared Allen have?", "id": "56beb4343aeaaa14008c925c"}, {"answers": [{"answer_start": 789, "text": "118"}, {"answer_start": 789, "text": "118"}, {"answer_start": 789, "text": "118"}], "question": "How many tackles did Luke Kuechly register?", "id": "56beb4343aeaaa14008c925d"}, {"answers": [{"answer_start": 140, "text": "four"}, {"answer_start": 1104, "text": "four"}, {"answer_start": 1104, "text": "four"}], "question": "How many balls did Josh Norman intercept?", "id": "56beb4343aeaaa14008c925e"}, {"answers": [{"answer_start": 192, "text": "Kawann Short"}, {"answer_start": 192, "text": "Kawann Short"}, {"answer_start": 199, "text": "Short"}], "question": "Who registered the most sacks on the team this season?", "id": "56beb4343aeaaa14008c925f"}, {"answers": [{"answer_start": 124, "text": "24"}, {"answer_start": 124, "text": "24"}, {"answer_start": 124, "text": "24"}], "question": "How many interceptions are the Panthers defense credited with in 2015?", "id": "56d6f3500d65d21400198290"}, {"answers": [{"answer_start": 192, "text": "Kawann Short"}, {"answer_start": 192, "text": "Kawann Short"}, {"answer_start": 199, "text": "Short"}], "question": "Who led the Panthers in sacks?", "id": "56d6f3500d65d21400198291"}, {"answers": [{"answer_start": 140, "text": "four"}, {"answer_start": 140, "text": "four"}, {"answer_start": 140, "text": "four"}], "question": "How many Panthers defense players were selected for the Pro Bowl?", "id": "56d6f3500d65d21400198292"}, {"answers": [{"answer_start": 140, "text": "four"}, {"answer_start": 695, "text": "5\u00bd"}, {"answer_start": 705, "text": "four"}], "question": "How many forced fumbles did Thomas Davis have?", "id": "56d6f3500d65d21400198293"}, {"answers": [{"answer_start": 900, "text": "Kurt Coleman"}, {"answer_start": 900, "text": "Kurt Coleman"}, {"answer_start": 905, "text": "Coleman"}], "question": "Which player had the most interceptions for the season?", "id": "56d6f3500d65d21400198294"}, {"answers": [{"answer_start": 124, "text": "24"}, {"answer_start": 124, "text": "24"}, {"answer_start": 124, "text": "24"}], "question": "How many 2015 season interceptions did the Panthers' defense get?", "id": "56d9992fdc89441400fdb59c"}, {"answers": [{"answer_start": 500, "text": "Kony Ealy"}, {"answer_start": 500, "text": "Kony Ealy"}], "question": "Who had five sacks in nine games as a Carolina Panthers starter?", "id": "56d9992fdc89441400fdb59e"}, {"answers": [{"answer_start": 666, "text": "Luke Kuechly."}, {"answer_start": 666, "text": "Luke Kuechly"}, {"answer_start": 199, "text": "Short"}], "question": "Who was the Panthers' tackle leader for 2015?", "id": "56d9992fdc89441400fdb59f"}, {"answers": [{"answer_start": 284, "text": "two."}, {"answer_start": 1124, "text": "two"}, {"answer_start": 124, "text": "24"}], "question": "How many interceptions did Josh Norman score touchdowns with in 2015?", "id": "56d9992fdc89441400fdb5a0"}]}, {"context": "Following their loss in the divisional round of the previous season's playoffs, the Denver Broncos underwent numerous coaching changes, including a mutual parting with head coach John Fox (who had won four divisional championships in his four years as Broncos head coach), and the hiring of Gary Kubiak as the new head coach. Under Kubiak, the Broncos planned to install a run-oriented offense with zone blocking to blend in with quarterback Peyton Manning's shotgun passing skills, but struggled with numerous changes and injuries to the offensive line, as well as Manning having his worst statistical season since his rookie year with the Indianapolis Colts in 1998, due to a plantar fasciitis injury in his heel that he had suffered since the summer, and the simple fact that Manning was getting old, as he turned 39 in the 2015 off-season. Although the team had a 7\u20130 start, Manning led the NFL in interceptions. In week 10, Manning suffered a partial tear of the plantar fasciitis in his left foot. He set the NFL's all-time record for career passing yards in this game, but was benched after throwing four interceptions in favor of backup quarterback Brock Osweiler, who took over as the starter for most of the remainder of the regular season. Osweiler was injured, however, leading to Manning's return during the Week 17 regular season finale, where the Broncos were losing 13\u20137 against the 4\u201311 San Diego Chargers, resulting in Manning re-claiming the starting quarterback position for the playoffs by leading the team to a key 27\u201320 win that enabled the team to clinch the number one overall AFC seed. Under defensive coordinator Wade Phillips, the Broncos' defense ranked number one in total yards allowed, passing yards allowed and sacks, and like the previous three seasons, the team has continued to set numerous individual, league and franchise records. With the defense carrying the team despite the issues with the offense, the Broncos finished the regular season with a 12\u20134 record and earned home-field advantage throughout the AFC playoffs.", "qas": [{"answers": [{"answer_start": 291, "text": "Gary Kubiak"}, {"answer_start": 291, "text": "Gary Kubiak"}, {"answer_start": 332, "text": "Kubiak"}], "question": "Who is the head coach of the Broncos?", "id": "56beb4e43aeaaa14008c9265"}, {"answers": [{"answer_start": 1157, "text": "Brock Osweiler"}, {"answer_start": 1157, "text": "Brock Osweiler"}, {"answer_start": 1163, "text": "Osweiler"}], "question": "Who played quarterback for the Broncos after Peyton Manning was benched?", "id": "56beb4e43aeaaa14008c9266"}, {"answers": [{"answer_start": 641, "text": "Indianapolis Colts"}, {"answer_start": 637, "text": "the Indianapolis Colts"}, {"answer_start": 654, "text": "Colts"}], "question": "Who did Peyton Manning play for as a rookie?", "id": "56beb4e43aeaaa14008c9267"}, {"answers": [{"answer_start": 1404, "text": "San Diego Chargers"}, {"answer_start": 1404, "text": "San Diego Chargers"}, {"answer_start": 1414, "text": "Chargers"}], "question": "Who did the Broncos play in the last week of the regular season?", "id": "56beb4e43aeaaa14008c9268"}, {"answers": [{"answer_start": 1640, "text": "Wade Phillips"}, {"answer_start": 1640, "text": "Wade Phillips"}, {"answer_start": 1645, "text": "Phillips"}], "question": "Who is Denver's defensive coordinator?", "id": "56beb4e43aeaaa14008c9269"}, {"answers": [{"answer_start": 201, "text": "four"}, {"answer_start": 238, "text": "four"}, {"answer_start": 238, "text": "four"}], "question": "How many years was John Fox the head coach of the Denver Broncos?", "id": "56bf301c3aeaaa14008c954d"}, {"answers": [{"answer_start": 291, "text": "Gary Kubiak"}, {"answer_start": 291, "text": "Gary Kubiak"}, {"answer_start": 332, "text": "Kubiak"}], "question": "What is the name of the Bronco's head coach, who was hired after John Fox? ", "id": "56bf301c3aeaaa14008c954e"}, {"answers": [{"answer_start": 641, "text": "Indianapolis Colts"}, {"answer_start": 637, "text": "the Indianapolis Colts"}, {"answer_start": 663, "text": "1998"}], "question": "What was the first team Peyton Manning began playing for?", "id": "56bf301c3aeaaa14008c954f"}, {"answers": [{"answer_start": 817, "text": "39"}, {"answer_start": 817, "text": "39"}, {"answer_start": 817, "text": "39"}], "question": "How old was Peyton Manning in 2015?", "id": "56bf301c3aeaaa14008c9550"}, {"answers": [{"answer_start": 678, "text": "plantar fasciitis"}, {"answer_start": 946, "text": "a partial tear of the plantar fasciitis"}], "question": "In the 10th week of the 2015 season, what injury was Peyton Manning dealing with?", "id": "56bf301c3aeaaa14008c9551"}, {"answers": [{"answer_start": 291, "text": "Gary Kubiak"}, {"answer_start": 291, "text": "Gary Kubiak"}, {"answer_start": 332, "text": "Kubiak"}], "question": "When John Fox left as head coach for the Broncos, who replaced him?", "id": "56d6f4030d65d2140019829a"}, {"answers": [{"answer_start": 442, "text": "Peyton Manning"}, {"answer_start": 442, "text": "Peyton Manning"}, {"answer_start": 566, "text": "Manning"}], "question": "Who was the quarterback for the Broncos 2015 season?", "id": "56d6f4030d65d2140019829b"}, {"answers": [{"answer_start": 676, "text": "a plantar fasciitis injury"}, {"answer_start": 676, "text": "a plantar fasciitis injury"}, {"answer_start": 678, "text": "plantar fasciitis"}], "question": "What injury did Manning suffer the summer before the season started?", "id": "56d6f4030d65d2140019829c"}, {"answers": [{"answer_start": 817, "text": "39"}, {"answer_start": 817, "text": "39"}, {"answer_start": 817, "text": "39"}], "question": "How old was Manning at the beginning of the 2015 season?", "id": "56d6f4030d65d2140019829d"}, {"answers": [{"answer_start": 201, "text": "four"}, {"answer_start": 1991, "text": "4"}, {"answer_start": 1991, "text": "4"}], "question": "How many games did the Broncos lose during their regular 2015 season?", "id": "56d6f4030d65d2140019829e"}, {"answers": [{"answer_start": 179, "text": "John Fox"}, {"answer_start": 179, "text": "John Fox"}, {"answer_start": 184, "text": "Fox"}], "question": "What coach left the Broncos after the season prior to Super Bowl 50?", "id": "56d99b7bdc89441400fdb5c8"}, {"answers": [{"answer_start": 442, "text": "Peyton Manning"}, {"answer_start": 442, "text": "Peyton Manning"}, {"answer_start": 566, "text": "Manning"}], "question": "According to game stats, which Super Bowl 50 quarterback had his worst year since his first season as a player in the NFL?", "id": "56d99b7bdc89441400fdb5c9"}, {"answers": [{"answer_start": 291, "text": "Gary Kubiak"}, {"answer_start": 291, "text": "Gary Kubiak"}, {"answer_start": 296, "text": "Kubiak"}], "question": "Who was the Denver head coach for Super Bowl 50?", "id": "56d99b7bdc89441400fdb5ca"}, {"answers": [{"answer_start": 993, "text": "left foot."}, {"answer_start": 993, "text": "left"}, {"answer_start": 993, "text": "left"}], "question": "What foot was injured on Manning that sidelined him in week 10?", "id": "56d99b7bdc89441400fdb5cb"}, {"answers": [{"answer_start": 1640, "text": "Wade Phillips"}, {"answer_start": 1640, "text": "Wade Phillips"}, {"answer_start": 1645, "text": "Phillips"}], "question": "Who was the defensive coordinator for the Broncos in 2015?", "id": "56d99b7bdc89441400fdb5cc"}]}, {"context": "Manning finished the year with a career-low 67.9 passer rating, throwing for 2,249 yards and nine touchdowns, with 17 interceptions. In contrast, Osweiler threw for 1,967 yards, 10 touchdowns and six interceptions for a rating of 86.4. Veteran receiver Demaryius Thomas led the team with 105 receptions for 1,304 yards and six touchdowns, while Emmanuel Sanders caught 76 passes for 1,135 yards and six scores, while adding another 106 yards returning punts. Tight end Owen Daniels was also a big element of the passing game with 46 receptions for 517 yards. Running back C. J. Anderson was the team's leading rusher 863 yards and seven touchdowns, while also catching 25 passes for 183 yards. Running back Ronnie Hillman also made a big impact with 720 yards, five touchdowns, 24 receptions, and a 4.7 yards per carry average. Overall, the offense ranked 19th in scoring with 355 points and did not have any Pro Bowl selections.", "qas": [{"answers": [{"answer_start": 44, "text": "67.9"}, {"answer_start": 44, "text": "67.9"}, {"answer_start": 44, "text": "67.9"}], "question": "What was Peyton Manning's passer rating for the season?", "id": "56beb57b3aeaaa14008c9279"}, {"answers": [{"answer_start": 115, "text": "17"}, {"answer_start": 115, "text": "17"}, {"answer_start": 115, "text": "17"}], "question": "How many picks did Peyton Manning throw in the season?", "id": "56beb57b3aeaaa14008c927a"}, {"answers": [{"answer_start": 253, "text": "Demaryius Thomas"}, {"answer_start": 253, "text": "Demaryius Thomas"}, {"answer_start": 263, "text": "Thomas"}], "question": "Who registered the most receptions on the Broncos?", "id": "56beb57b3aeaaa14008c927b"}, {"answers": [{"answer_start": 572, "text": "C. J. Anderson"}, {"answer_start": 572, "text": "C. J. Anderson"}, {"answer_start": 578, "text": "Anderson"}], "question": "Who had the most rushing yards on the Broncos?", "id": "56beb57b3aeaaa14008c927c"}, {"answers": [{"answer_start": 178, "text": "10"}, {"answer_start": 178, "text": "10"}, {"answer_start": 178, "text": "10"}], "question": "How many touchdowns did Brock Osweiler throw in the season?", "id": "56beb57b3aeaaa14008c927d"}, {"answers": [{"answer_start": 44, "text": "67.9"}, {"answer_start": 44, "text": "67.9"}, {"answer_start": 44, "text": "67.9"}], "question": "What was the passer rating for Peyton Manning that he finished out with for the season? ", "id": "56bf38383aeaaa14008c956b"}, {"answers": [{"answer_start": 77, "text": "2,249"}, {"answer_start": 77, "text": "2,249"}, {"answer_start": 77, "text": "2,249"}], "question": "How may yards did Peyton Manning throw?", "id": "56bf38383aeaaa14008c956c"}, {"answers": [{"answer_start": 93, "text": "nine"}, {"answer_start": 115, "text": "17"}, {"answer_start": 33, "text": "career-low 67.9 passer rating,"}], "question": "What was the number of 17 interceptions that Peyton Manning had by end of the year?", "id": "56bf38383aeaaa14008c956d"}, {"answers": [{"answer_start": 253, "text": "Demaryius Thomas"}, {"answer_start": 253, "text": "Demaryius Thomas"}, {"answer_start": 263, "text": "Thomas"}], "question": "Who had the most receptions out of all players for the year?", "id": "56bf38383aeaaa14008c956e"}, {"answers": [{"answer_start": 244, "text": "receiver"}, {"answer_start": 244, "text": "receiver"}, {"answer_start": 263, "text": "Thomas"}], "question": "What position does Demaryius Thomas play?", "id": "56bf38383aeaaa14008c956f"}, {"answers": [{"answer_start": 44, "text": "67.9"}, {"answer_start": 44, "text": "67.9"}, {"answer_start": 44, "text": "67.9"}], "question": "What was Manning's passer rating at the end of the season?", "id": "56d6fe0b0d65d214001982a4"}, {"answers": [{"answer_start": 115, "text": "17"}, {"answer_start": 115, "text": "17"}, {"answer_start": 115, "text": "17"}], "question": "How many times was Manning intercepted during the 2015 season?", "id": "56d6fe0b0d65d214001982a5"}, {"answers": [{"answer_start": 253, "text": "Demaryius Thomas"}, {"answer_start": 253, "text": "Demaryius Thomas"}, {"answer_start": 263, "text": "Thomas"}], "question": "Who led the Broncos with 105 receptions?", "id": "56d6fe0b0d65d214001982a6"}, {"answers": [{"answer_start": 290, "text": "5"}, {"answer_start": 761, "text": "five"}, {"answer_start": 761, "text": "five"}], "question": "How many touchdowns did Ronnie Hillman make?", "id": "56d6fe0b0d65d214001982a7"}, {"answers": [{"answer_start": 44, "text": "67.9"}, {"answer_start": 44, "text": "67.9"}, {"answer_start": 44, "text": "67.9"}], "question": "What was Manning's passer rating for the 2015 season?", "id": "56d99c44dc89441400fdb5d6"}, {"answers": [{"answer_start": 115, "text": "17"}, {"answer_start": 115, "text": "17"}, {"answer_start": 115, "text": "17"}], "question": "How many interceptions did manning have in 2015?", "id": "56d99c44dc89441400fdb5d7"}, {"answers": [{"answer_start": 345, "text": "Emmanuel Sanders"}, {"answer_start": 345, "text": "Emmanuel Sanders"}, {"answer_start": 354, "text": "Sanders"}], "question": "What Denver player caught the ball 76 times in the 2015 season?", "id": "56d99c44dc89441400fdb5d8"}, {"answers": [{"answer_start": 572, "text": "C. J. Anderson"}, {"answer_start": 572, "text": "C. J. Anderson"}, {"answer_start": 578, "text": "Anderson"}], "question": "Who was the Broncos' leading rusher for the 2015 season?", "id": "56d99c44dc89441400fdb5d9"}, {"answers": [{"answer_start": 799, "text": "4.7"}, {"answer_start": 799, "text": "4.7"}, {"answer_start": 799, "text": "4.7"}], "question": "What was Ronnie Hillman's average yards per carry in 2015?", "id": "56d99c44dc89441400fdb5da"}]}, {"context": "The Broncos' defense ranked first in the NFL yards allowed (4,530) for the first time in franchise history, and fourth in points allowed (296). Defensive ends Derek Wolfe and Malik Jackson each had 5\u00bd sacks. Pro Bowl linebacker Von Miller led the team with 11 sacks, forced four fumbles, and recovered three. Linebacker DeMarcus Ware was selected to play in the Pro Bowl for the ninth time in his career, ranking second on the team with 7\u00bd sacks. Linebacker Brandon Marshall led the team in total tackles with 109, while Danny Trevathan ranked second with 102. Cornerbacks Aqib Talib (three interceptions) and Chris Harris, Jr. (two interceptions) were the other two Pro Bowl selections from the defense.", "qas": [{"answers": [{"answer_start": 60, "text": "4,530"}, {"answer_start": 60, "text": "4,530"}, {"answer_start": 60, "text": "4,530"}], "question": "How many yards did the Broncos' defense give up?", "id": "56beb6533aeaaa14008c928d"}, {"answers": [{"answer_start": 198, "text": "5\u00bd"}, {"answer_start": 198, "text": "5\u00bd"}, {"answer_start": 198, "text": "5\u00bd"}], "question": "How many sacks did Derek Wolfe register?", "id": "56beb6533aeaaa14008c928e"}, {"answers": [{"answer_start": 458, "text": "Brandon Marshall"}, {"answer_start": 458, "text": "Brandon Marshall"}, {"answer_start": 466, "text": "Marshall"}], "question": "Who was first on the team in total tackles?", "id": "56beb6533aeaaa14008c9290"}, {"answers": [{"answer_start": 302, "text": "three"}, {"answer_start": 585, "text": "three"}, {"answer_start": 585, "text": "three"}], "question": "How many picks did Aqib Talib have?", "id": "56beb6533aeaaa14008c9291"}, {"answers": [{"answer_start": 309, "text": "Linebacker"}, {"answer_start": 309, "text": "Linebacker"}, {"answer_start": 309, "text": "Linebacker"}], "question": "What position does DeMarcus currently play? ", "id": "56bf3e803aeaaa14008c9588"}, {"answers": [{"answer_start": 309, "text": "Linebacker"}, {"answer_start": 447, "text": "Linebacker"}, {"answer_start": 447, "text": "Linebacker"}], "question": "What position does Brandon Marshall currently play? ", "id": "56bf3e803aeaaa14008c9589"}, {"answers": [{"answer_start": 144, "text": "Defensive ends"}, {"answer_start": 144, "text": "Defensive ends"}, {"answer_start": 144, "text": "Defensive ends"}], "question": "What is the position Derek Wolfe plays currently? ", "id": "56bf3e803aeaaa14008c958b"}, {"answers": [{"answer_start": 138, "text": "296"}, {"answer_start": 138, "text": "296"}, {"answer_start": 138, "text": "296"}], "question": "How many points did the Broncos defense allow their opponents to get?", "id": "56d6fea90d65d214001982ae"}, {"answers": [{"answer_start": 228, "text": "Von Miller"}, {"answer_start": 228, "text": "Von Miller"}, {"answer_start": 232, "text": "Miller"}], "question": "Which linebacker had the most sacks on the team?", "id": "56d6fea90d65d214001982af"}, {"answers": [{"answer_start": 458, "text": "Brandon Marshall"}, {"answer_start": 458, "text": "Brandon Marshall"}, {"answer_start": 466, "text": "Marshall"}], "question": "Which linebacker led the Broncos in tackles?", "id": "56d6fea90d65d214001982b0"}, {"answers": [{"answer_start": 302, "text": "three."}, {"answer_start": 585, "text": "three"}, {"answer_start": 585, "text": "three"}], "question": "How many interceptions did Aqib Talib have for the regular season?", "id": "56d6fea90d65d214001982b2"}, {"answers": [{"answer_start": 228, "text": "Von Miller"}, {"answer_start": 228, "text": "Von Miller"}, {"answer_start": 232, "text": "Miller"}], "question": "Who forced four fumbles for the Broncos in the 2015 season?", "id": "56d99da8dc89441400fdb5fd"}, {"answers": [{"answer_start": 447, "text": "Linebacker Brandon Marshall"}, {"answer_start": 458, "text": "Brandon Marshall"}, {"answer_start": 466, "text": "Marshall"}], "question": "What Denver player had 109 tackels for the 2015 season?", "id": "56d99da8dc89441400fdb5ff"}, {"answers": [{"answer_start": 159, "text": "Derek Wolfe and Malik Jackson"}, {"answer_start": 159, "text": "Derek Wolfe and Malik Jackson"}], "question": "What two Denver players ranked at 5 percent for sacks?", "id": "56d99da8dc89441400fdb600"}]}, {"context": "The Panthers beat the Seattle Seahawks in the divisional round, running up a 31\u20130 halftime lead and then holding off a furious second half comeback attempt to win 31\u201324, avenging their elimination from a year earlier. The Panthers then blew out the Arizona Cardinals in the NFC Championship Game, 49\u201315, racking up 487 yards and forcing seven turnovers.", "qas": [{"answers": [{"answer_start": 22, "text": "Seattle Seahawks"}, {"answer_start": 18, "text": "the Seattle Seahawks"}, {"answer_start": 30, "text": "Seahawks"}], "question": "Who lost to the Panthers in the divisional round of the playoffs?", "id": "56beb6f23aeaaa14008c92a1"}, {"answers": [{"answer_start": 249, "text": "Arizona Cardinals"}, {"answer_start": 249, "text": "Arizona Cardinals"}, {"answer_start": 257, "text": "Cardinals"}], "question": "Who did the Panthers face in the NFC Championship Game?", "id": "56beb6f23aeaaa14008c92a2"}, {"answers": [{"answer_start": 315, "text": "487"}, {"answer_start": 315, "text": "487"}, {"answer_start": 315, "text": "487"}], "question": "How many total yards did the Panthers have in the NFC Championship?", "id": "56beb6f23aeaaa14008c92a3"}, {"answers": [{"answer_start": 337, "text": "seven"}, {"answer_start": 337, "text": "seven"}, {"answer_start": 337, "text": "seven"}], "question": "How many times did Arizona turn the ball over in the NFC Championship?", "id": "56beb6f23aeaaa14008c92a4"}, {"answers": [{"answer_start": 163, "text": "31\u201324"}, {"answer_start": 163, "text": "31\u201324"}, {"answer_start": 163, "text": "31\u201324"}], "question": "What was the final score of the game between the Panthers and the Seahawks?", "id": "56beb6f23aeaaa14008c92a5"}, {"answers": [{"answer_start": 22, "text": "Seattle Seahawks"}, {"answer_start": 18, "text": "the Seattle Seahawks"}, {"answer_start": 30, "text": "Seahawks"}], "question": "What was the team the Carolina Panthers played immediately prior to the NFC Championship game? ", "id": "56bf34293aeaaa14008c9559"}, {"answers": [{"answer_start": 163, "text": "31\u201324"}, {"answer_start": 163, "text": "31\u201324"}, {"answer_start": 163, "text": "31\u201324,"}], "question": "What was the score of the last game the Carolina Panthers played prior to the NFC Championship?", "id": "56bf34293aeaaa14008c955a"}, {"answers": [{"answer_start": 315, "text": "487"}, {"answer_start": 315, "text": "487"}, {"answer_start": 315, "text": "487"}], "question": "How many yards did the Carolina Panthers gain in the 487 in the NFC Championship Game?", "id": "56bf34293aeaaa14008c955b"}, {"answers": [{"answer_start": 22, "text": "Seattle Seahawks"}, {"answer_start": 18, "text": "the Seattle Seahawks"}, {"answer_start": 30, "text": "Seahawks"}], "question": "Who did Carolina beat in the divisional round?", "id": "56d701280d65d214001982b8"}, {"answers": [{"answer_start": 249, "text": "Arizona Cardinals"}, {"answer_start": 245, "text": "the Arizona Cardinals"}, {"answer_start": 257, "text": "Cardinals"}], "question": "Who did the Panthers play to advance to the Super Bowl?", "id": "56d701280d65d214001982ba"}, {"answers": [{"answer_start": 337, "text": "seven"}, {"answer_start": 337, "text": "seven"}, {"answer_start": 337, "text": "seven"}], "question": "How many turnovers did the Panthers force during the NFC Championship game?", "id": "56d701280d65d214001982bc"}, {"answers": [{"answer_start": 22, "text": "Seattle Seahawks"}, {"answer_start": 18, "text": "the Seattle Seahawks"}, {"answer_start": 30, "text": "Seahawks"}], "question": "Who did the Panthers beat in the divisional round?", "id": "56d99e78dc89441400fdb616"}, {"answers": [{"answer_start": 297, "text": "49\u201315"}, {"answer_start": 297, "text": "49\u201315"}, {"answer_start": 297, "text": "49\u201315,"}], "question": "What was the score for the 2015 NFC championship game?", "id": "56d99e78dc89441400fdb618"}, {"answers": [{"answer_start": 249, "text": "Arizona Cardinals"}, {"answer_start": 18, "text": "the Seattle Seahawks"}, {"answer_start": 257, "text": "Cardinals"}], "question": "Who did the Panthers play in their division championship game?", "id": "56d99e78dc89441400fdb619"}, {"answers": [{"answer_start": 315, "text": "487"}, {"answer_start": 315, "text": "487"}], "question": "How many yards did the Panthers get for the division championshipt game?", "id": "56d99e78dc89441400fdb61a"}]}, {"context": "The Broncos defeated the Pittsburgh Steelers in the divisional round, 23\u201316, by scoring 11 points in the final three minutes of the game. They then beat the defending Super Bowl XLIX champion New England Patriots in the AFC Championship Game, 20\u201318, by intercepting a pass on New England's 2-point conversion attempt with 17 seconds left on the clock. Despite Manning's problems with interceptions during the season, he didn't throw any in their two playoff games.", "qas": [{"answers": [{"answer_start": 25, "text": "Pittsburgh Steelers"}, {"answer_start": 21, "text": "the Pittsburgh Steelers"}, {"answer_start": 36, "text": "Steelers"}], "question": "Who lost to the Broncos in the divisional round?", "id": "56beb7953aeaaa14008c92ab"}, {"answers": [{"answer_start": 88, "text": "11"}, {"answer_start": 88, "text": "11"}, {"answer_start": 88, "text": "11"}], "question": "How many points did the Broncos score in the last three minutes of the game versus Pittsburgh?", "id": "56beb7953aeaaa14008c92ac"}, {"answers": [{"answer_start": 192, "text": "New England Patriots"}, {"answer_start": 192, "text": "New England Patriots"}, {"answer_start": 204, "text": "Patriots"}], "question": "Who won Super Bowl XLIX?", "id": "56beb7953aeaaa14008c92ad"}, {"answers": [{"answer_start": 243, "text": "20\u201318"}, {"answer_start": 243, "text": "20\u201318"}, {"answer_start": 243, "text": "20\u201318,"}], "question": "What was the final score of the AFC Championship Game?", "id": "56beb7953aeaaa14008c92ae"}, {"answers": [{"answer_start": 322, "text": "17 seconds"}, {"answer_start": 322, "text": "17 seconds"}, {"answer_start": 322, "text": "17"}], "question": "How much time remained on the clock when the Broncos made the interception that clinched the AFC Championship Game?", "id": "56beb7953aeaaa14008c92af"}, {"answers": [{"answer_start": 4, "text": "Broncos"}, {"answer_start": 0, "text": "The Broncos"}, {"answer_start": 4, "text": "Broncos"}], "question": "What team was the divisional round winner between the Broncos and Steelers?", "id": "56bf36b93aeaaa14008c9561"}, {"answers": [{"answer_start": 70, "text": "23\u201316"}, {"answer_start": 70, "text": "23\u201316"}, {"answer_start": 68, "text": ", 23\u201316,"}], "question": "What was the final score of the game between the Broncos and Steelers?", "id": "56bf36b93aeaaa14008c9562"}, {"answers": [{"answer_start": 192, "text": "New England Patriots"}, {"answer_start": 192, "text": "New England Patriots"}, {"answer_start": 204, "text": "Patriots"}], "question": "Who won Super Bowl XLIX?", "id": "56bf36b93aeaaa14008c9563"}, {"answers": [{"answer_start": 322, "text": "17"}, {"answer_start": 322, "text": "17 seconds"}, {"answer_start": 322, "text": "17"}], "question": "How many seconds were left in the game when the Broncos intercepted the pass that won the game?", "id": "56bf36b93aeaaa14008c9564"}, {"answers": [{"answer_start": 360, "text": "Manning"}, {"answer_start": 360, "text": "Manning"}], "question": "During the Bronco's playoff games, who did not throw at all?", "id": "56bf36b93aeaaa14008c9565"}, {"answers": [{"answer_start": 25, "text": "Pittsburgh Steelers"}, {"answer_start": 21, "text": "the Pittsburgh Steelers"}, {"answer_start": 36, "text": "Steelers"}], "question": "Who did the Broncos beat in the divisional game?", "id": "56d7018a0d65d214001982c2"}, {"answers": [{"answer_start": 88, "text": "11"}, {"answer_start": 88, "text": "11"}, {"answer_start": 88, "text": "11"}], "question": "How many points did the Broncos score in the final three minutes of the Pittsburgh game?", "id": "56d7018a0d65d214001982c3"}, {"answers": [{"answer_start": 192, "text": "New England Patriots"}, {"answer_start": 192, "text": "New England Patriots"}, {"answer_start": 204, "text": "Patriots"}], "question": "Who did the Broncos defeat in the AFC Championship game?", "id": "56d7018a0d65d214001982c5"}, {"answers": [{"answer_start": 25, "text": "Pittsburgh Steelers"}, {"answer_start": 25, "text": "Pittsburgh Steelers"}, {"answer_start": 36, "text": "Steelers"}], "question": "Who did the Broncos beat to win their division in 2015?", "id": "56d99f99dc89441400fdb628"}, {"answers": [{"answer_start": 192, "text": "New England Patriots"}, {"answer_start": 192, "text": "New England Patriots"}, {"answer_start": 204, "text": "Patriots"}], "question": "Who did the Broncos beat tp become the AFC champions?", "id": "56d99f99dc89441400fdb629"}, {"answers": [{"answer_start": 322, "text": "17"}, {"answer_start": 322, "text": "17"}, {"answer_start": 322, "text": "17"}], "question": "How many seconds were left in the game when the Patriots failed their 2-point conversion?", "id": "56d99f99dc89441400fdb62c"}]}, {"context": "Carolina suffered a major setback when Thomas Davis, an 11-year veteran who had already overcome three ACL tears in his career, went down with a broken arm in the NFC Championship Game. Despite this, he insisted he would still find a way to play in the Super Bowl. His prediction turned out to be accurate.", "qas": [{"answers": [{"answer_start": 39, "text": "Thomas Davis"}, {"answer_start": 39, "text": "Thomas Davis,"}, {"answer_start": 46, "text": "Davis"}], "question": "What Carolina player was injured in the NFC Championship Game?", "id": "56beb7fd3aeaaa14008c92b5"}, {"answers": [{"answer_start": 143, "text": "a broken arm"}, {"answer_start": 143, "text": "a broken arm"}, {"answer_start": 145, "text": "broken arm"}], "question": "What injury did Thomas Davis suffer in the NFC Championship?", "id": "56beb7fd3aeaaa14008c92b6"}, {"answers": [{"answer_start": 97, "text": "three"}, {"answer_start": 97, "text": "three"}, {"answer_start": 97, "text": "three"}], "question": "How many times had Thomas Davis torn his ACL in his career?", "id": "56beb7fd3aeaaa14008c92b7"}, {"answers": [{"answer_start": 56, "text": "11"}, {"answer_start": 56, "text": "11"}, {"answer_start": 56, "text": "11"}], "question": "How many years has Thomas Davis played in the NFL?", "id": "56beb7fd3aeaaa14008c92b8"}, {"answers": [{"answer_start": 103, "text": "ACL tears"}, {"answer_start": 103, "text": "ACL tears"}, {"answer_start": 103, "text": "ACL"}], "question": "What injury did Thomas Davis suffer from repeatedly, for a total of three times, during his career?", "id": "56bf3a223aeaaa14008c9575"}, {"answers": [{"answer_start": 152, "text": "arm"}, {"answer_start": 152, "text": "arm"}, {"answer_start": 152, "text": "arm"}], "question": "What body part did Thomas Davis break during the NFC Championship Game?", "id": "56bf3a223aeaaa14008c9576"}, {"answers": [{"answer_start": 56, "text": "11"}, {"answer_start": 56, "text": "11"}, {"answer_start": 56, "text": "11"}], "question": "How many years has Thomas Davis played in the NFL?", "id": "56bf3a223aeaaa14008c9577"}, {"answers": [{"answer_start": 253, "text": "Super Bowl"}, {"answer_start": 249, "text": "the Super Bowl"}, {"answer_start": 253, "text": "Super Bowl"}], "question": "What game did Thomas Davis say he would play in, despite breaking a bone earlier on?", "id": "56bf3a223aeaaa14008c9579"}, {"answers": [{"answer_start": 97, "text": "three"}, {"answer_start": 97, "text": "three"}, {"answer_start": 97, "text": "three"}], "question": "How many ACL injuries has Thomas Davis had during his career?", "id": "56d703d10d65d214001982d6"}, {"answers": [{"answer_start": 145, "text": "broken arm"}, {"answer_start": 143, "text": "a broken arm"}, {"answer_start": 145, "text": "broken arm"}], "question": "What injury did Thomas Davis suffer during the playoff games?", "id": "56d703d10d65d214001982d7"}, {"answers": [{"answer_start": 56, "text": "11"}, {"answer_start": 56, "text": "11"}, {"answer_start": 56, "text": "11"}], "question": "How many years had Thomas Davis played in the league when he broke his arm during the NFC Championship game?", "id": "56d703d10d65d214001982d8"}, {"answers": [{"answer_start": 39, "text": "Thomas Davis"}, {"answer_start": 39, "text": "Thomas Davis"}, {"answer_start": 46, "text": "Davis"}], "question": "Who suffered a broken arm in the NFC Championship Game?", "id": "56d9a026dc89441400fdb632"}]}, {"context": "Peyton Manning became the first quarterback ever to lead two different teams to multiple Super Bowls. He is also the oldest quarterback ever to play in a Super Bowl at age 39. The past record was held by John Elway, who led the Broncos to victory in Super Bowl XXXIII at age 38 and is currently Denver's Executive Vice President of Football Operations and General Manager.", "qas": [{"answers": [{"answer_start": 172, "text": "39"}, {"answer_start": 172, "text": "39"}, {"answer_start": 172, "text": "39"}, {"answer_start": 172, "text": "39"}], "question": "How old was Peyton Manning when he played in Super Bowl 50?", "id": "56beb86b3aeaaa14008c92bd"}, {"answers": [{"answer_start": 204, "text": "John Elway"}, {"answer_start": 204, "text": "John Elway"}, {"answer_start": 209, "text": "Elway"}, {"answer_start": 209, "text": "Elway"}], "question": "Who previously held the record for being the oldest quarterback to play in a Super Bowl?", "id": "56beb86b3aeaaa14008c92be"}, {"answers": [{"answer_start": 275, "text": "38"}, {"answer_start": 275, "text": "38"}, {"answer_start": 275, "text": "38"}, {"answer_start": 275, "text": "38"}], "question": "How old was John Elway when he played in Super Bowl XXXIII?", "id": "56beb86b3aeaaa14008c92bf"}, {"answers": [{"answer_start": 304, "text": "Executive Vice President of Football Operations and General Manager"}, {"answer_start": 304, "text": "Executive Vice President of Football Operations and General Manager"}, {"answer_start": 304, "text": "Executive Vice President of Football Operations and General Manager."}, {"answer_start": 304, "text": "Executive Vice President of Football Operations and General Manager."}], "question": "What role does John Elway currently have in the Broncos franchise?", "id": "56beb86b3aeaaa14008c92c0"}, {"answers": [{"answer_start": 228, "text": "Broncos"}, {"answer_start": 224, "text": "the Broncos"}, {"answer_start": 228, "text": "Broncos"}, {"answer_start": 228, "text": "Broncos"}], "question": "Who did John Elway play for in Super Bowl XXXIII?", "id": "56beb86b3aeaaa14008c92c1"}, {"answers": [{"answer_start": 228, "text": "Broncos"}, {"answer_start": 224, "text": "the Broncos"}, {"answer_start": 228, "text": "Broncos"}, {"answer_start": 228, "text": "Broncos"}], "question": "What team was the winner of Super Bowl XXXIII?", "id": "56bf3fd53aeaaa14008c9591"}, {"answers": [{"answer_start": 204, "text": "John Elway"}, {"answer_start": 204, "text": "John Elway"}, {"answer_start": 209, "text": "Elway"}, {"answer_start": 209, "text": "Elway"}], "question": "Who is the General Manager for the Broncos?", "id": "56bf3fd53aeaaa14008c9592"}, {"answers": [{"answer_start": 275, "text": "38"}, {"answer_start": 275, "text": "38"}, {"answer_start": 275, "text": "38"}, {"answer_start": 275, "text": "38"}], "question": "How old was Elway during his Super Bowl XXXIII win?", "id": "56bf3fd53aeaaa14008c9593"}, {"answers": [{"answer_start": 0, "text": "Peyton Manning"}, {"answer_start": 0, "text": "Peyton Manning"}, {"answer_start": 7, "text": "Manning"}, {"answer_start": 7, "text": "Manning"}], "question": "Who has the record of being the oldest quarter back in any Super Bowl game?", "id": "56bf3fd53aeaaa14008c9594"}, {"answers": [{"answer_start": 57, "text": "two"}, {"answer_start": 57, "text": "two"}, {"answer_start": 57, "text": "two"}, {"answer_start": 57, "text": "two"}], "question": "How many teams has Manning played for that reached the Super Bowl, while he was on their team?", "id": "56bf3fd53aeaaa14008c9595"}, {"answers": [{"answer_start": 57, "text": "two"}, {"answer_start": 57, "text": "two"}, {"answer_start": 57, "text": "two"}, {"answer_start": 57, "text": "two"}], "question": "Peyton Manning took how many different teams to the Super Bowl?", "id": "56d704430d65d214001982de"}, {"answers": [{"answer_start": 0, "text": "Peyton Manning"}, {"answer_start": 0, "text": "Peyton Manning"}, {"answer_start": 7, "text": "Manning"}, {"answer_start": 7, "text": "Manning"}], "question": "Who is the oldest quarterback to play in a Super Bowl?", "id": "56d704430d65d214001982e0"}, {"answers": [{"answer_start": 204, "text": "John Elway"}, {"answer_start": 204, "text": "John Elway"}, {"answer_start": 209, "text": "Elway"}, {"answer_start": 209, "text": "Elway"}], "question": "Prior to Manning, who was the oldest quarterback to play in a Super Bowl?", "id": "56d704430d65d214001982e1"}, {"answers": [{"answer_start": 250, "text": "Super Bowl XXXIII"}, {"answer_start": 250, "text": "Super Bowl XXXIII"}, {"answer_start": 261, "text": "XXXIII"}, {"answer_start": 261, "text": "XXXIII"}], "question": "Which Super Bowl did Elway win at 38 years old?", "id": "56d704430d65d214001982e2"}, {"answers": [{"answer_start": 0, "text": "Peyton Manning"}, {"answer_start": 0, "text": "Peyton Manning"}, {"answer_start": 7, "text": "Manning"}, {"answer_start": 7, "text": "Manning"}], "question": "Who was the first quarterback to take two teams to more than one Super Bowl?", "id": "56d9a0eadc89441400fdb63e"}, {"answers": [{"answer_start": 172, "text": "39."}, {"answer_start": 172, "text": "39"}, {"answer_start": 172, "text": "39"}, {"answer_start": 172, "text": "39"}], "question": "How old was Manning when he played Super Bowl 50?", "id": "56d9a0eadc89441400fdb63f"}, {"answers": [{"answer_start": 204, "text": "John Elway"}, {"answer_start": 204, "text": "John Elway"}, {"answer_start": 209, "text": "Elway"}, {"answer_start": 209, "text": "Elway"}], "question": "What is the name of the quarterback who was 38 in Super Bowl XXXIII?", "id": "56d9a0eadc89441400fdb640"}]}, {"context": "This was the first Super Bowl to feature a quarterback on both teams who was the #1 pick in their draft classes. Manning was the #1 selection of the 1998 NFL draft, while Newton was picked first in 2011. The matchup also pits the top two picks of the 2011 draft against each other: Newton for Carolina and Von Miller for Denver. Manning and Newton also set the record for the largest age difference between opposing Super Bowl quarterbacks at 13 years and 48 days (Manning was 39, Newton was 26).", "qas": [{"answers": [{"answer_start": 149, "text": "1998"}, {"answer_start": 149, "text": "1998"}, {"answer_start": 149, "text": "1998"}], "question": "When was Manning picked #1 in the NFL Draft?", "id": "56beb90c3aeaaa14008c92c7"}, {"answers": [{"answer_start": 198, "text": "2011"}, {"answer_start": 198, "text": "2011"}, {"answer_start": 198, "text": "2011"}], "question": "When was Newton the first selection in the NFL Draft?", "id": "56beb90c3aeaaa14008c92c8"}, {"answers": [{"answer_start": 492, "text": "26"}, {"answer_start": 492, "text": "26"}, {"answer_start": 492, "text": "26"}], "question": "How old was Newton during Super Bowl 50?", "id": "56beb90c3aeaaa14008c92c9"}, {"answers": [{"answer_start": 443, "text": "13 years and 48 days"}, {"answer_start": 443, "text": "13 years and 48 days"}, {"answer_start": 443, "text": "13 years"}], "question": "How much older was Manning than Newton during Super Bowl 50?", "id": "56beb90c3aeaaa14008c92ca"}, {"answers": [{"answer_start": 306, "text": "Von Miller"}, {"answer_start": 306, "text": "Von Miller"}, {"answer_start": 310, "text": "Miller"}], "question": "Who was the #2 pick in the 2011 NFL Draft?", "id": "56beb90c3aeaaa14008c92cb"}, {"answers": [{"answer_start": 113, "text": "Manning"}, {"answer_start": 113, "text": "Manning"}, {"answer_start": 113, "text": "Manning"}], "question": "Who was considered to be the first choice in the NFL draft of 1998?", "id": "56bf41013aeaaa14008c959b"}, {"answers": [{"answer_start": 171, "text": "Newton"}, {"answer_start": 171, "text": "Newton"}, {"answer_start": 171, "text": "Newton"}], "question": "In 2011, who was the first player to be chosen in the NFL draft?", "id": "56bf41013aeaaa14008c959c"}, {"answers": [{"answer_start": 492, "text": "26"}, {"answer_start": 492, "text": "26"}, {"answer_start": 492, "text": "26"}], "question": "How old was Newton during Super Bowl 50?", "id": "56bf41013aeaaa14008c959d"}, {"answers": [{"answer_start": 43, "text": "quarterback"}, {"answer_start": 427, "text": "quarterbacks"}, {"answer_start": 43, "text": "quarterback"}], "question": "What position did Newton play during Super Bowl 50?", "id": "56bf41013aeaaa14008c959e"}, {"answers": [{"answer_start": 149, "text": "1998"}, {"answer_start": 149, "text": "1998"}, {"answer_start": 149, "text": "1998"}], "question": "Manning was the number one pick in which draft?", "id": "56d7096b0d65d214001982fc"}, {"answers": [{"answer_start": 198, "text": "2011"}, {"answer_start": 198, "text": "2011"}, {"answer_start": 198, "text": "2011"}], "question": "Newton was the number one pick in which draft?", "id": "56d7096b0d65d214001982fd"}, {"answers": [{"answer_start": 306, "text": "Von Miller"}, {"answer_start": 306, "text": "Von Miller"}, {"answer_start": 310, "text": "Miller"}], "question": "Who was the number two draft pick for 2011?", "id": "56d7096b0d65d214001982fe"}, {"answers": [{"answer_start": 198, "text": "2011."}, {"answer_start": 198, "text": "2011"}, {"answer_start": 198, "text": "2011"}], "question": "What year did Newton hold the number one draft pick position?", "id": "56d9a199dc89441400fdb647"}, {"answers": [{"answer_start": 492, "text": "26"}, {"answer_start": 492, "text": "26"}, {"answer_start": 492, "text": "26"}], "question": "How old was Newton in Super Bowl 50?", "id": "56d9a199dc89441400fdb648"}, {"answers": [{"answer_start": 443, "text": "13 years and 48 days"}, {"answer_start": 443, "text": "13 years and 48 days"}, {"answer_start": 443, "text": "13 years and 48 days"}], "question": "What was the age difference between Newton and Manning in Super Bowl 50?", "id": "56d9a199dc89441400fdb649"}]}, {"context": "With Rivera having been a linebacker with the Chicago Bears in Super Bowl XX, and Kubiak replacing Elway at the end of the Broncos' defeats in Super Bowls XXI and XXIV, this will be the first Super Bowl in which both head coaches played in the game themselves.", "qas": [{"answers": [{"answer_start": 63, "text": "Super Bowl XX"}, {"answer_start": 63, "text": "Super Bowl XX"}, {"answer_start": 74, "text": "XX"}], "question": "In what Super Bowl did Rivera play?", "id": "56beb97c3aeaaa14008c92db"}, {"answers": [{"answer_start": 46, "text": "Chicago Bears"}, {"answer_start": 42, "text": "the Chicago Bears"}, {"answer_start": 54, "text": "Bears"}], "question": "What team did Rivera play for in Super Bowl XX?", "id": "56beb97c3aeaaa14008c92dc"}, {"answers": [{"answer_start": 26, "text": "linebacker"}, {"answer_start": 26, "text": "linebacker"}, {"answer_start": 26, "text": "linebacker"}], "question": "What position did Rivera play in Super Bowl XX?", "id": "56beb97c3aeaaa14008c92dd"}, {"answers": [{"answer_start": 99, "text": "Elway"}, {"answer_start": 99, "text": "Elway"}, {"answer_start": 99, "text": "Elway"}], "question": "Who was replaced by Kubiak in Super Bowl XXIV?", "id": "56beb97c3aeaaa14008c92de"}, {"answers": [{"answer_start": 123, "text": "Broncos"}, {"answer_start": 119, "text": "the Broncos"}, {"answer_start": 123, "text": "Broncos"}], "question": "What team did Kubiak play for in Super Bowl XXI?", "id": "56beb97c3aeaaa14008c92df"}, {"answers": [{"answer_start": 26, "text": "linebacker"}, {"answer_start": 26, "text": "linebacker"}, {"answer_start": 26, "text": "linebacker"}], "question": "What position did Rivera play in Super Bowl XX? ", "id": "56bf6c3e3aeaaa14008c9615"}, {"answers": [{"answer_start": 99, "text": "Elway"}, {"answer_start": 99, "text": "Elway"}, {"answer_start": 99, "text": "Elway"}], "question": "Who did Kubiak take the place of after Super Bowl XXIV?", "id": "56bf6c3e3aeaaa14008c9617"}, {"answers": [{"answer_start": 5, "text": "Rivera"}, {"answer_start": 5, "text": "Rivera"}, {"answer_start": 5, "text": "Rivera"}], "question": "Who was the Panthers head coach for the 2015 season?", "id": "56d709ef0d65d21400198306"}, {"answers": [{"answer_start": 63, "text": "Super Bowl XX"}, {"answer_start": 63, "text": "Super Bowl XX"}, {"answer_start": 74, "text": "XX"}], "question": "What Super Bowl did Rivera play in as a player?", "id": "56d709ef0d65d21400198307"}]}, {"context": "Concerns were raised over whether Levi's Stadium's field was of a high enough quality to host a Super Bowl; during the inaugural season, the field had to be re-sodded multiple times due to various issues, and during a week 6 game earlier in the 2015 season, a portion of the turf collapsed under Baltimore Ravens kicker Justin Tucker, causing him to slip and miss a field goal, although the field has not had any major issues since. As is customary for Super Bowl games played at natural grass stadiums, the NFL re-sodded the field with a new playing surface; a hybrid Bermuda 419 turf. NFL and Atlanta Braves field director Ed Mangan stated that the field was in \"great shape\" for gameday. However, the turf showed problem throughout the game, with a number of players needing to change their cleats during the game and player slipping during plays all throughout the game.", "qas": [{"answers": [{"answer_start": 320, "text": "Justin Tucker"}, {"answer_start": 320, "text": "Justin Tucker"}, {"answer_start": 327, "text": "Tucker"}], "question": "Who slipped on the Levi's Stadium turf in week 6 of the 2015 NFL season?", "id": "56beba103aeaaa14008c92e5"}, {"answers": [{"answer_start": 569, "text": "Bermuda 419"}, {"answer_start": 569, "text": "Bermuda 419"}, {"answer_start": 562, "text": "hybrid Bermuda 419"}], "question": "What is the name of the turf used in Levi's Stadium for the Super Bowl?", "id": "56beba103aeaaa14008c92e6"}, {"answers": [{"answer_start": 625, "text": "Ed Mangan"}, {"answer_start": 625, "text": "Ed Mangan"}, {"answer_start": 628, "text": "Mangan"}], "question": "Who is the field director of the NFL?", "id": "56beba103aeaaa14008c92e7"}, {"answers": [{"answer_start": 296, "text": "Baltimore Ravens"}, {"answer_start": 296, "text": "Baltimore Ravens"}, {"answer_start": 306, "text": "Ravens"}], "question": "What team did Justin Tucker play for?", "id": "56beba103aeaaa14008c92e8"}, {"answers": [{"answer_start": 313, "text": "kicker"}, {"answer_start": 313, "text": "kicker"}, {"answer_start": 313, "text": "kicker"}], "question": "What position did Justin Tucker play?", "id": "56beba103aeaaa14008c92e9"}, {"answers": [{"answer_start": 320, "text": "Justin Tucker"}, {"answer_start": 320, "text": "Justin Tucker"}, {"answer_start": 327, "text": "Tucker"}], "question": "Which player did the turf collapse under during a game in the Levi's Stadium?", "id": "56bf467d3aeaaa14008c95a5"}, {"answers": [{"answer_start": 313, "text": "kicker"}, {"answer_start": 313, "text": "kicker"}, {"answer_start": 313, "text": "kicker"}], "question": "What position does Tucker play for with the Ravens?", "id": "56bf467d3aeaaa14008c95a6"}, {"answers": [{"answer_start": 562, "text": "hybrid Bermuda 419 turf"}, {"answer_start": 569, "text": "Bermuda 419 turf"}, {"answer_start": 562, "text": "hybrid Bermuda 419"}], "question": "What was used to sod the Levi's Stadium for Super Bowl 50? ", "id": "56bf467d3aeaaa14008c95a7"}, {"answers": [{"answer_start": 320, "text": "Justin Tucker"}, {"answer_start": 320, "text": "Justin Tucker"}, {"answer_start": 327, "text": "Tucker"}], "question": "Which kicker had a portion of the turf collapse, causing him to miss a field goal?", "id": "56d70adc0d65d21400198311"}, {"answers": [{"answer_start": 537, "text": "a new playing surface"}, {"answer_start": 512, "text": "re-sodded"}, {"answer_start": 157, "text": "re-sodded"}], "question": "What did the NFL do to the playing field at Levi's Stadium before the Super Bowl?", "id": "56d70adc0d65d21400198312"}, {"answers": [{"answer_start": 560, "text": "a hybrid Bermuda 419 turf."}, {"answer_start": 569, "text": "Bermuda 419 turf"}, {"answer_start": 562, "text": "hybrid Bermuda 419 turf"}], "question": "What covered the new field at Levi's Stadium?", "id": "56d70adc0d65d21400198313"}, {"answers": [{"answer_start": 788, "text": "their cleats"}, {"answer_start": 794, "text": "cleats"}, {"answer_start": 794, "text": "cleats"}], "question": "What did a lot of players need to change during Super Bowl 50 because of the condition of the field?", "id": "56d70adc0d65d21400198314"}, {"answers": [{"answer_start": 320, "text": "Justin Tucker"}, {"answer_start": 327, "text": "Tucker"}], "question": "What player did the field problem at Levi's stadium affect for a field goal in week six of the regular season?", "id": "56d9a419dc89441400fdb678"}, {"answers": [{"answer_start": 480, "text": "natural grass"}, {"answer_start": 480, "text": "natural grass"}, {"answer_start": 488, "text": "grass"}], "question": "What field type is usually chosen for Super Bowl games?", "id": "56d9a419dc89441400fdb679"}]}, {"context": "As the designated home team in the annual rotation between AFC and NFC teams, the Broncos elected to wear their road white jerseys with matching white pants. Elway stated, \"We've had Super Bowl success in our white uniforms.\" The Broncos last wore matching white jerseys and pants in the Super Bowl in Super Bowl XXXIII, Elway's last game as Denver QB, when they defeated the Atlanta Falcons 34\u201319. In their only other Super Bowl win in Super Bowl XXXII, Denver wore blue jerseys, which was their primary color at the time. They also lost Super Bowl XXI when they wore white jerseys, but they are 0-4 in Super Bowls when wearing orange jerseys, losing in Super Bowl XII, XXII, XXIV, and XLVIII. The only other AFC champion team to have worn white as the designated home team in the Super Bowl was the Pittsburgh Steelers; they defeated the Seattle Seahawks 21\u201310 in Super Bowl XL 10 seasons prior. The Broncos' decision to wear white meant the Panthers would wear their standard home uniform: black jerseys with silver pants.", "qas": [{"answers": [{"answer_start": 82, "text": "Broncos"}, {"answer_start": 78, "text": "the Broncos"}, {"answer_start": 82, "text": "Broncos"}], "question": "Who was designated as the home team in the Super Bowl?", "id": "56bebad93aeaaa14008c92f9"}, {"answers": [{"answer_start": 392, "text": "34\u201319"}, {"answer_start": 392, "text": "34\u201319"}, {"answer_start": 392, "text": "34\u201319"}], "question": "What was the final score of Super Bowl XXXIII?", "id": "56bebad93aeaaa14008c92fa"}, {"answers": [{"answer_start": 376, "text": "Atlanta Falcons"}, {"answer_start": 372, "text": "the Atlanta Falcons"}, {"answer_start": 384, "text": "Falcons"}], "question": "What team lost Super Bowl XXXIII?", "id": "56bebad93aeaaa14008c92fb"}, {"answers": [{"answer_start": 117, "text": "white"}, {"answer_start": 145, "text": "white"}, {"answer_start": 145, "text": "white"}], "question": "What color pants did the Broncos wear in Super Bowl 50?", "id": "56bebad93aeaaa14008c92fc"}, {"answers": [{"answer_start": 302, "text": "Super Bowl XXXIII"}, {"answer_start": 302, "text": "Super Bowl XXXIII"}, {"answer_start": 302, "text": "Super Bowl XXXIII"}], "question": "What was Elway's final game as the Denver quarterback?", "id": "56bebad93aeaaa14008c92fd"}, {"answers": [{"answer_start": 302, "text": "Super Bowl XXXIII"}, {"answer_start": 302, "text": "Super Bowl XXXIII"}, {"answer_start": 302, "text": "Super Bowl XXXIII"}], "question": "What was the last game that Elway played as a quarterback for Denver?", "id": "56bf48cc3aeaaa14008c95ab"}, {"answers": [{"answer_start": 392, "text": "34\u201319"}, {"answer_start": 392, "text": "34\u201319"}, {"answer_start": 392, "text": "34\u201319"}], "question": "What was the final score for Super Bowl XXXIII?", "id": "56bf48cc3aeaaa14008c95ac"}, {"answers": [{"answer_start": 376, "text": "Atlanta Falcons"}, {"answer_start": 372, "text": "the Atlanta Falcons"}, {"answer_start": 384, "text": "Falcons"}], "question": "What team did the Denver Broncos play in Super Bowl XXXIII?", "id": "56bf48cc3aeaaa14008c95ae"}, {"answers": [{"answer_start": 117, "text": "white"}, {"answer_start": 248, "text": "matching white jerseys"}, {"answer_start": 209, "text": "white"}], "question": "What color were the Bronco's uniforms in Super Bowl 50?", "id": "56bf48cc3aeaaa14008c95af"}, {"answers": [{"answer_start": 112, "text": "road white jerseys"}, {"answer_start": 136, "text": "matching white"}, {"answer_start": 117, "text": "white"}], "question": "What jersey did the Broncos wear for Super Bowl 50?", "id": "56d70ccc0d65d2140019831d"}, {"answers": [{"answer_start": 801, "text": "Pittsburgh Steelers"}, {"answer_start": 797, "text": "the Pittsburgh Steelers"}, {"answer_start": 812, "text": "Steelers"}], "question": "Who is the only other AFC Champion team to wear road jerseys in a Super Bowl?", "id": "56d70ccc0d65d2140019831f"}, {"answers": [{"answer_start": 302, "text": "Super Bowl XXXIII"}, {"answer_start": 302, "text": "Super Bowl XXXIII"}, {"answer_start": 313, "text": "XXXIII"}], "question": "What was th elast Super Bowl where the Broncos wore white uniforms?", "id": "56d9a637dc89441400fdb697"}, {"answers": [{"answer_start": 467, "text": "blue"}, {"answer_start": 467, "text": "blue"}, {"answer_start": 209, "text": "white"}], "question": "What was the color of the jerseys in Super Bowl XXXII when Elway was quarterback?", "id": "56d9a637dc89441400fdb698"}, {"answers": [{"answer_start": 629, "text": "orange"}, {"answer_start": 629, "text": "orange"}, {"answer_start": 629, "text": "orange"}], "question": "What color jersey has Denver 0-4?", "id": "56d9a637dc89441400fdb699"}, {"answers": [{"answer_start": 993, "text": "black jerseys with silver pants."}, {"answer_start": 993, "text": "black jerseys with silver pants"}, {"answer_start": 993, "text": "black"}], "question": "Since Denver chose white, what colors did Carolina wear in Super Bowl 50?", "id": "56d9a637dc89441400fdb69a"}]}, {"context": "The Panthers used the San Jose State practice facility and stayed at the San Jose Marriott. The Broncos practiced at Stanford University and stayed at the Santa Clara Marriott.", "qas": [{"answers": [{"answer_start": 22, "text": "San Jose State"}, {"answer_start": 22, "text": "San Jose State"}, {"answer_start": 22, "text": "San Jose State"}], "question": "At what university's facility did the Panthers practice?", "id": "56bebb293aeaaa14008c9303"}, {"answers": [{"answer_start": 117, "text": "Stanford University"}, {"answer_start": 117, "text": "Stanford University"}, {"answer_start": 117, "text": "Stanford"}], "question": "At what university's facility did the Broncos practice?", "id": "56bebb293aeaaa14008c9304"}, {"answers": [{"answer_start": 22, "text": "San Jose"}, {"answer_start": 73, "text": "San Jose"}, {"answer_start": 73, "text": "San Jose"}], "question": "In what city's Marriott did the Panthers stay?", "id": "56bebb293aeaaa14008c9305"}, {"answers": [{"answer_start": 155, "text": "Santa Clara"}, {"answer_start": 155, "text": "Santa Clara"}, {"answer_start": 155, "text": "Santa Clara"}], "question": "In what city's Marriott did the Broncos stay?", "id": "56bebb293aeaaa14008c9306"}, {"answers": [{"answer_start": 73, "text": "San Jose Marriott"}, {"answer_start": 69, "text": "the San Jose Marriott"}, {"answer_start": 22, "text": "San Jose State practice facility and stayed at the San Jose Marriott."}], "question": "What hotel did the Panthers stay in during Super Bowl 50? ", "id": "56bf49993aeaaa14008c95b5"}, {"answers": [{"answer_start": 155, "text": "Santa Clara Marriott"}, {"answer_start": 69, "text": "the San Jose Marriott"}, {"answer_start": 82, "text": "Marriott"}], "question": "What was the name of the hotel the Panthers chose to stay in during Super Bowl 50?", "id": "56bf49993aeaaa14008c95b6"}, {"answers": [{"answer_start": 22, "text": "San Jose State practice facility"}, {"answer_start": 18, "text": "the San Jose State practice facility"}, {"answer_start": 22, "text": "San Jose State"}], "question": "Where did the Panthers practice at for Super Bowl 50?", "id": "56bf49993aeaaa14008c95b7"}, {"answers": [{"answer_start": 117, "text": "Stanford University"}, {"answer_start": 114, "text": "at Stanford University"}, {"answer_start": 117, "text": "Stanford"}], "question": "Where did the Broncos practice at for Super Bowl 50?", "id": "56bf49993aeaaa14008c95b8"}, {"answers": [{"answer_start": 22, "text": "San Jose State practice facility"}, {"answer_start": 18, "text": "the San Jose State practice facility"}, {"answer_start": 22, "text": "San Jose State"}], "question": "Where did the Panthers practice for the Super Bowl?", "id": "56d70d240d65d21400198326"}, {"answers": [{"answer_start": 73, "text": "San Jose Marriott."}, {"answer_start": 69, "text": "the San Jose Marriott"}, {"answer_start": 73, "text": "San Jose Marriott"}], "question": "Which hotel did the Panthers stay at for the Super Bowl?", "id": "56d70d240d65d21400198327"}, {"answers": [{"answer_start": 117, "text": "Stanford University"}, {"answer_start": 114, "text": "at Stanford University"}, {"answer_start": 117, "text": "Stanford"}], "question": "Where did the Broncos practice for the Super Bowl?", "id": "56d70d240d65d21400198328"}, {"answers": [{"answer_start": 155, "text": "Santa Clara Marriott."}, {"answer_start": 151, "text": "the Santa Clara Marriott"}, {"answer_start": 155, "text": "Santa Clara Marriott."}], "question": "Which hotel did the Broncos use for Super Bowl 50?", "id": "56d70d240d65d21400198329"}, {"answers": [{"answer_start": 22, "text": "San Jose"}, {"answer_start": 18, "text": "the San Jose State practice facility"}, {"answer_start": 22, "text": "San Jose State"}], "question": "Where was the practice place the Panthers used for the Super Bowl?", "id": "56d9a6b4dc89441400fdb6a0"}, {"answers": [{"answer_start": 73, "text": "San Jose Marriott."}, {"answer_start": 69, "text": "the San Jose Marriott"}, {"answer_start": 73, "text": "San Jose Marriott."}], "question": "Where hotel did the Panthers stay at?", "id": "56d9a6b4dc89441400fdb6a1"}, {"answers": [{"answer_start": 117, "text": "Stanford University"}, {"answer_start": 114, "text": "at Stanford University"}, {"answer_start": 117, "text": "Stanford"}], "question": "Where did the Broncos practice for the Super Bowl?", "id": "56d9a6b4dc89441400fdb6a2"}, {"answers": [{"answer_start": 155, "text": "Santa Clara Marriott."}, {"answer_start": 151, "text": "the Santa Clara Marriott"}, {"answer_start": 155, "text": "Santa Clara Marriott."}], "question": "Where did the Broncos stay at for Super Bowl 50?", "id": "56d9a6b4dc89441400fdb6a3"}]}, {"context": "On June 4, 2014, the NFL announced that the practice of branding Super Bowl games with Roman numerals, a practice established at Super Bowl V, would be temporarily suspended, and that the game would be named using Arabic numerals as Super Bowl 50 as opposed to Super Bowl L. The use of Roman numerals will be reinstated for Super Bowl LI. Jaime Weston, the league's vice president of brand and creative, explained that a primary reason for the change was the difficulty of designing an aesthetically pleasing logo with the letter \"L\" using the standardized logo template introduced at Super Bowl XLV. The logo also deviates from the template by featuring large numerals, colored in gold, behind the Vince Lombardi Trophy, instead of underneath and in silver as in the standard logo.", "qas": [{"answers": [{"answer_start": 3, "text": "June 4, 2014"}, {"answer_start": 0, "text": "On June 4, 2014"}, {"answer_start": 11, "text": "2014"}], "question": "When did the NFL announce the suspension of using Roman numerals to brand the Super Bowl?", "id": "56bebbbf3aeaaa14008c9315"}, {"answers": [{"answer_start": 129, "text": "Super Bowl V"}, {"answer_start": 129, "text": "Super Bowl V"}, {"answer_start": 140, "text": "V"}], "question": "What was the first Super Bowl branded with Roman numerals?", "id": "56bebbbf3aeaaa14008c9316"}, {"answers": [{"answer_start": 339, "text": "Jaime Weston"}, {"answer_start": 339, "text": "Jaime Weston"}, {"answer_start": 345, "text": "Weston"}], "question": "Who is the NFL's vice president of brand and creative?", "id": "56bebbbf3aeaaa14008c9317"}, {"answers": [{"answer_start": 585, "text": "Super Bowl XLV"}, {"answer_start": 585, "text": "Super Bowl XLV"}, {"answer_start": 140, "text": "V"}], "question": "What was the first Super Bowl to use the standardized logo template?", "id": "56bebbbf3aeaaa14008c9318"}, {"answers": [{"answer_start": 699, "text": "Vince Lombardi"}, {"answer_start": 699, "text": "Vince Lombardi Trophy"}, {"answer_start": 705, "text": "Lombardi"}], "question": "Who is the trophy featured on the logo named for?", "id": "56bebbbf3aeaaa14008c9319"}, {"answers": [{"answer_start": 11, "text": "2014"}, {"answer_start": 11, "text": "2014"}, {"answer_start": 11, "text": "2014"}], "question": "In what year was it declared that no Roman numerals would be used in the name of the 50th Super Bowl?", "id": "56bf4e1b3aeaaa14008c95bd"}, {"answers": [{"answer_start": 324, "text": "Super Bowl LI"}, {"answer_start": 335, "text": "LI"}, {"answer_start": 335, "text": "LI"}], "question": "Which Super Bowl, after the 50th one, will begin have Roman numerals in the title again?", "id": "56bf4e1b3aeaaa14008c95be"}, {"answers": [{"answer_start": 23, "text": "L"}, {"answer_start": 272, "text": "L"}, {"answer_start": 272, "text": "L"}], "question": "If Roman numerals were used in the naming of the 50th Super Bowl, which one would have been used?", "id": "56bf4e1b3aeaaa14008c95c0"}, {"answers": [{"answer_start": 682, "text": "gold"}, {"answer_start": 682, "text": "gold"}, {"answer_start": 682, "text": "gold"}], "question": "What color are the numbers in the Super Bowl 50 logo? ", "id": "56bf4e1b3aeaaa14008c95c1"}, {"answers": [{"answer_start": 3, "text": "June 4, 2014"}, {"answer_start": 0, "text": "On June 4, 2014"}, {"answer_start": 11, "text": "2014"}], "question": "When did the NFL announce that it would not use Roman numbers to designate the Super Bowl number?", "id": "56d70daa0d65d21400198332"}, {"answers": [{"answer_start": 214, "text": "Arabic numerals"}, {"answer_start": 214, "text": "Arabic numerals"}, {"answer_start": 214, "text": "Arabic"}], "question": "Rather than Roman numerals, what did the NFL decide to use?", "id": "56d70daa0d65d21400198333"}, {"answers": [{"answer_start": 272, "text": "L."}, {"answer_start": 272, "text": "L"}, {"answer_start": 272, "text": "L"}], "question": "What is the Roman numeral for 50?", "id": "56d70daa0d65d21400198334"}, {"answers": [{"answer_start": 682, "text": "gold"}, {"answer_start": 682, "text": "gold"}, {"answer_start": 682, "text": "gold"}], "question": "Normally silver, what color was used for the number 50?", "id": "56d70daa0d65d21400198335"}, {"answers": [{"answer_start": 324, "text": "Super Bowl LI."}, {"answer_start": 324, "text": "Super Bowl LI"}, {"answer_start": 324, "text": "Super Bowl LI"}], "question": "When will Roman numerals be used again to denote the Super Bowl number?", "id": "56d70daa0d65d21400198336"}, {"answers": [{"answer_start": 214, "text": "Arabic"}, {"answer_start": 214, "text": "Arabic numerals"}, {"answer_start": 214, "text": "Arabic"}], "question": "What type of numeral did the latest Super Bowl use to designate the game number?", "id": "56d9a7addc89441400fdb6a8"}, {"answers": [{"answer_start": 335, "text": "LI."}, {"answer_start": 335, "text": "LI"}, {"answer_start": 335, "text": "LI"}], "question": "What is the Roman numeral going to be for Super Bowl 51?", "id": "56d9a7addc89441400fdb6ab"}]}, {"context": "Various gold-themed promotions and initiatives were held throughout the 2015 NFL season to tie into the \"Golden Super Bowl\"; gold-tinted logos were implemented across the NFL's properties and painted on fields, the numbering of the 50-yard line on fields was colored gold, and beginning on week 7, all sideline jackets and hats featured gold-trimmed logos. Gold footballs were given to each high school that has had a player or coach appear in the Super Bowl, and \"homecoming\" events were also held by Super Bowl-winning teams at games.", "qas": [{"answers": [{"answer_start": 8, "text": "gold"}, {"answer_start": 8, "text": "gold"}, {"answer_start": 267, "text": "gold"}], "question": "What color was featured in promotions related to Super Bowl 50?", "id": "56bebc383aeaaa14008c931f"}, {"answers": [{"answer_start": 290, "text": "week 7"}, {"answer_start": 72, "text": "2015"}, {"answer_start": 290, "text": "week 7,"}], "question": "When did sideline jackets and hats start to feature gold-trimmed logos?", "id": "56bebc383aeaaa14008c9320"}, {"answers": [{"answer_start": 232, "text": "50"}, {"answer_start": 232, "text": "50-yard line"}, {"answer_start": 232, "text": "50"}], "question": "What yard marker on the field was painted gold?", "id": "56bebc383aeaaa14008c9321"}, {"answers": [{"answer_start": 8, "text": "gold"}, {"answer_start": 8, "text": "gold"}, {"answer_start": 267, "text": "gold"}], "question": "What color was used to create the 50-yard line in Levi's Stadium for the season leading up to the Super Bowl 50 game?", "id": "56bf52483aeaaa14008c95c7"}, {"answers": [{"answer_start": 8, "text": "gold"}, {"answer_start": 8, "text": "gold"}, {"answer_start": 357, "text": "Gold"}], "question": "What color were the footballs handed out to a variety of high schools, leading up to Super Bowl 50?", "id": "56bf52483aeaaa14008c95c8"}, {"answers": [{"answer_start": 105, "text": "Golden Super Bowl"}, {"answer_start": 100, "text": "the \"Golden Super Bowl\""}, {"answer_start": 105, "text": "Golden Super Bowl"}], "question": "Because of the gold theme, what was Super Bowl 50 known as?", "id": "56d70e570d65d2140019833c"}, {"answers": [{"answer_start": 357, "text": "Gold footballs"}, {"answer_start": 357, "text": "Gold footballs"}, {"answer_start": 357, "text": "Gold footballs"}], "question": "What was given to high schools where former students went on to play or coach in a Super Bowl?", "id": "56d70e570d65d2140019833e"}, {"answers": [{"answer_start": 228, "text": "the 50-yard line"}, {"answer_start": 228, "text": "the 50"}, {"answer_start": 232, "text": "50"}], "question": "What yard line was a gold color for all teams during the season?", "id": "56d70e570d65d2140019833f"}, {"answers": [{"answer_start": 8, "text": "gold"}, {"answer_start": 8, "text": "gold"}, {"answer_start": 8, "text": "gold"}], "question": "Since this was the 50th one, what was the theme color for the Super Bowl?", "id": "56d9b01fdc89441400fdb6d4"}]}, {"context": "The annual NFL Experience was held at the Moscone Center in San Francisco. In addition, \"Super Bowl City\" opened on January 30 at Justin Herman Plaza on The Embarcadero, featuring games and activities that will highlight the Bay Area's technology, culinary creations, and cultural diversity. More than 1 million people are expected to attend the festivities in San Francisco during Super Bowl Week. San Francisco mayor Ed Lee said of the highly visible homeless presence in this area \"they are going to have to leave\". San Francisco city supervisor Jane Kim unsuccessfully lobbied for the NFL to reimburse San Francisco for city services in the amount of $5 million.", "qas": [{"answers": [{"answer_start": 42, "text": "Moscone Center"}, {"answer_start": 38, "text": "the Moscone Center"}, {"answer_start": 42, "text": "Moscone Center"}], "question": "In what venue did the NFL Experience take place?", "id": "56bebcbe3aeaaa14008c9325"}, {"answers": [{"answer_start": 60, "text": "San Francisco"}, {"answer_start": 60, "text": "San Francisco"}, {"answer_start": 60, "text": "San Francisco"}], "question": "In what city is the Moscone Center located?", "id": "56bebcbe3aeaaa14008c9326"}, {"answers": [{"answer_start": 419, "text": "Ed Lee"}, {"answer_start": 419, "text": "Ed Lee"}, {"answer_start": 422, "text": "Lee"}], "question": "Who is the mayor of San Francisco?", "id": "56bebcbe3aeaaa14008c9327"}, {"answers": [{"answer_start": 549, "text": "Jane Kim"}, {"answer_start": 549, "text": "Jane Kim"}, {"answer_start": 554, "text": "Kim"}], "question": "Who is the city supervisor of San Francisco?", "id": "56bebcbe3aeaaa14008c9328"}, {"answers": [{"answer_start": 116, "text": "January 30"}, {"answer_start": 116, "text": "January 30"}, {"answer_start": 116, "text": "January 30"}], "question": "When was the opening of \"Super Bowl City\"?", "id": "56bebcbe3aeaaa14008c9329"}, {"answers": [{"answer_start": 302, "text": "1 million"}, {"answer_start": 292, "text": "More than 1 million"}, {"answer_start": 302, "text": "1 million"}], "question": "How many people were estimated to go to the different game-themed events during the week prior to Super Bowl 50 in the city it was held in?", "id": "56bf53e73aeaaa14008c95cb"}, {"answers": [{"answer_start": 419, "text": "Ed Lee"}, {"answer_start": 419, "text": "Ed Lee"}, {"answer_start": 422, "text": "Lee"}], "question": "Who was the mayor of San Francisco during Super Bowl 50? ", "id": "56bf53e73aeaaa14008c95cc"}, {"answers": [{"answer_start": 42, "text": "Moscone Center"}, {"answer_start": 38, "text": "the Moscone Center"}, {"answer_start": 42, "text": "Moscone Center"}], "question": "Which building was the NFL Experience held at for Super Bowl 50?", "id": "56bf53e73aeaaa14008c95cd"}, {"answers": [{"answer_start": 89, "text": "Super Bowl City"}, {"answer_start": 89, "text": "Super Bowl City"}, {"answer_start": 89, "text": "Super Bowl City"}], "question": "What was the name of the event at the The Embarcadero that was held prior to Super Bowl 50 to help show off some of the things that San Francisco has to offer?", "id": "56bf53e73aeaaa14008c95ce"}, {"answers": [{"answer_start": 42, "text": "Moscone Center"}, {"answer_start": 35, "text": "at the Moscone Center"}, {"answer_start": 42, "text": "Moscone Center"}], "question": "Where was the NFL Experience held for the 2015 season?", "id": "56d7145c0d65d2140019834c"}, {"answers": [{"answer_start": 89, "text": "Super Bowl City"}, {"answer_start": 89, "text": "Super Bowl City\" opened"}, {"answer_start": 88, "text": "\"Super Bowl City"}], "question": "What opened on January 30th at the Justin Herman plaza?", "id": "56d7145c0d65d2140019834d"}, {"answers": [{"answer_start": 419, "text": "Ed Lee"}, {"answer_start": 419, "text": "Ed Lee"}, {"answer_start": 422, "text": "Lee"}], "question": "Who is the mayor of San Francisco?", "id": "56d7145c0d65d2140019834f"}, {"answers": [{"answer_start": 89, "text": "Super Bowl City"}, {"answer_start": 88, "text": "\"Super Bowl City\""}, {"answer_start": 89, "text": "Super Bowl City"}], "question": "What football associated thing started at Justin Herman Plaza in January?", "id": "56d9b389dc89441400fdb6ec"}, {"answers": [{"answer_start": 292, "text": "More than 1 million"}, {"answer_start": 292, "text": "More than 1 million"}, {"answer_start": 302, "text": "1 million"}], "question": "How many people are likely to visit Justin Herman Plaza during the week of the Super Bowl?", "id": "56d9b389dc89441400fdb6ed"}, {"answers": [{"answer_start": 413, "text": "mayor Ed Lee"}, {"answer_start": 419, "text": "Ed Lee"}, {"answer_start": 413, "text": "mayor Ed Lee"}], "question": "Who said the homeless in the area would have to leave?", "id": "56d9b389dc89441400fdb6ee"}, {"answers": [{"answer_start": 655, "text": "$5 million."}, {"answer_start": 125, "text": "0"}, {"answer_start": 655, "text": "$5 million"}], "question": "How much did San Francisco get for providing services for the Super Bowl?", "id": "56d9b389dc89441400fdb6ef"}, {"answers": [{"answer_start": 0, "text": "The annual NFL Experience"}, {"answer_start": 0, "text": "The annual NFL Experience"}, {"answer_start": 11, "text": "NFL Experience"}], "question": "What did the Moscone Center host?", "id": "56d9b389dc89441400fdb6f0"}]}, {"context": "In addition, there are $2 million worth of other ancillary events, including a week-long event at the Santa Clara Convention Center, a beer, wine and food festival at Bellomy Field at Santa Clara University, and a pep rally. A professional fundraiser will aid in finding business sponsors and individual donors, but still may need the city council to help fund the event. Additional funding will be provided by the city council, which has announced plans to set aside seed funding for the event.", "qas": [{"answers": [{"answer_start": 184, "text": "Santa Clara University"}, {"answer_start": 184, "text": "Santa Clara University"}, {"answer_start": 184, "text": "Santa Clara University"}], "question": "At what university is Bellomy Field located?", "id": "56bebd713aeaaa14008c932f"}, {"answers": [{"answer_start": 23, "text": "$2 million"}, {"answer_start": 23, "text": "$2 million"}, {"answer_start": 23, "text": "$2 million"}], "question": "How much money is being spent on other Super Bowl-related events?", "id": "56bebd713aeaaa14008c9330"}, {"answers": [{"answer_start": 77, "text": "a week"}, {"answer_start": 77, "text": "a week"}, {"answer_start": 79, "text": "week"}], "question": "How long will the event at Santa Clara Convention Center last?", "id": "56bebd713aeaaa14008c9331"}, {"answers": [{"answer_start": 23, "text": "$2 million"}, {"answer_start": 23, "text": "$2 million"}, {"answer_start": 23, "text": "$2 million"}], "question": "How much money was spent on other festivities in the Bay area to help celebrate the coming Super Bowl 50?", "id": "56bf555e3aeaaa14008c95d3"}, {"answers": [{"answer_start": 214, "text": "pep rally"}, {"answer_start": 214, "text": "pep"}, {"answer_start": 214, "text": "pep"}], "question": "What type of rally was held?", "id": "56bf555e3aeaaa14008c95d4"}, {"answers": [{"answer_start": 335, "text": "city council"}, {"answer_start": 411, "text": "the city council"}, {"answer_start": 415, "text": "city council"}], "question": "Which government entity helped to pay for the festivities, beyond businesses and individuals?", "id": "56bf555e3aeaaa14008c95d5"}, {"answers": [{"answer_start": 167, "text": "Bellomy Field"}, {"answer_start": 167, "text": "Bellomy Field"}, {"answer_start": 102, "text": "Santa Clara Convention Center"}], "question": "Where was a beer, wine and food festival held at prior to the Super Bowl?", "id": "56d714cd0d65d21400198356"}, {"answers": [{"answer_start": 225, "text": "A professional fundraiser"}, {"answer_start": 225, "text": "A professional fundraiser"}, {"answer_start": 227, "text": "professional fundraiser"}], "question": "Who helped find sponsors and donors to help with the cost?", "id": "56d714cd0d65d21400198358"}, {"answers": [{"answer_start": 335, "text": "city council"}, {"answer_start": 411, "text": "the city council"}, {"answer_start": 415, "text": "city council"}], "question": "Who set aside seed funding for the week-long event leading up to the Super Bowl?", "id": "56d714cd0d65d21400198359"}, {"answers": [{"answer_start": 23, "text": "$2 million"}, {"answer_start": 23, "text": "$2 million"}, {"answer_start": 23, "text": "$2 million"}], "question": "What was the cost of the other Super Bowl events in the San Francisco area?", "id": "56d9b43edc89441400fdb700"}, {"answers": [{"answer_start": 335, "text": "city council"}, {"answer_start": 411, "text": "the city council"}, {"answer_start": 335, "text": "city council"}], "question": "Who may have been called upon to fund the festival associated with the Super Bowl in Santa Clara?", "id": "56d9b43edc89441400fdb701"}]}, {"context": "The game's media day, which was typically held on the Tuesday afternoon prior to the game, was moved to the Monday evening and re-branded as Super Bowl Opening Night. The event was held on February 1, 2016 at SAP Center in San Jose. Alongside the traditional media availabilities, the event featured an opening ceremony with player introductions on a replica of the Golden Gate Bridge.", "qas": [{"answers": [{"answer_start": 108, "text": "Monday"}, {"answer_start": 189, "text": "February 1, 2016"}, {"answer_start": 108, "text": "Monday"}], "question": "On what day was Super Bowl Opening Night held?", "id": "56bebde53aeaaa14008c9335"}, {"answers": [{"answer_start": 54, "text": "Tuesday"}, {"answer_start": 54, "text": "Tuesday afternoon prior to the game"}, {"answer_start": 54, "text": "Tuesday"}], "question": "On what day does the Super Bowl media day traditionally take place?", "id": "56bebde53aeaaa14008c9336"}, {"answers": [{"answer_start": 209, "text": "SAP Center"}, {"answer_start": 209, "text": "SAP Center"}, {"answer_start": 209, "text": "SAP Center"}], "question": "What venue hosted Super Bowl Opening Night?", "id": "56bebde53aeaaa14008c9337"}, {"answers": [{"answer_start": 223, "text": "San Jose"}, {"answer_start": 223, "text": "San Jose"}, {"answer_start": 223, "text": "San Jose."}], "question": "In what city is SAP Center located?", "id": "56bebde53aeaaa14008c9338"}, {"answers": [{"answer_start": 362, "text": "the Golden Gate Bridge"}, {"answer_start": 362, "text": "the Golden Gate Bridge"}, {"answer_start": 366, "text": "Golden Gate Bridge."}], "question": "A replica of what landmark was present at Super Bowl Opening Night?", "id": "56bebde53aeaaa14008c9339"}, {"answers": [{"answer_start": 54, "text": "Tuesday"}, {"answer_start": 54, "text": "Tuesday afternoon prior to the game"}, {"answer_start": 54, "text": "Tuesday"}], "question": "As a norm, what day of the week is the traditional Media Day held prior to a Super Bowl?", "id": "56bf57043aeaaa14008c95d9"}, {"answers": [{"answer_start": 108, "text": "Monday"}, {"answer_start": 108, "text": "Monday"}, {"answer_start": 108, "text": "Monday"}], "question": "What day of the week was Media Day held on for Super Bowl 50?", "id": "56bf57043aeaaa14008c95da"}, {"answers": [{"answer_start": 141, "text": "Super Bowl Opening Night"}, {"answer_start": 141, "text": "Super Bowl Opening Night"}, {"answer_start": 141, "text": "Super Bowl Opening Night."}], "question": "What was the name of the Media Day event for Super Bowl 50?", "id": "56bf57043aeaaa14008c95db"}, {"answers": [{"answer_start": 209, "text": "SAP Center"}, {"answer_start": 209, "text": "SAP Center"}, {"answer_start": 209, "text": "SAP Center"}], "question": "What is the name of the property where the media event was held for Super Bowl 50?", "id": "56bf57043aeaaa14008c95dc"}, {"answers": [{"answer_start": 223, "text": "San Jose"}, {"answer_start": 223, "text": "San Jose"}, {"answer_start": 223, "text": "San Jose."}], "question": "What city was the media event held for Super Bowl 50?", "id": "56bf57043aeaaa14008c95dd"}, {"answers": [{"answer_start": 50, "text": "the Tuesday afternoon prior to the game"}, {"answer_start": 54, "text": "Tuesday afternoon prior to the game"}, {"answer_start": 54, "text": "Tuesday"}], "question": "When is the game's media day usually held?", "id": "56d71bd80d65d2140019835e"}, {"answers": [{"answer_start": 141, "text": "Super Bowl Opening Night."}, {"answer_start": 141, "text": "Super Bowl Opening Night"}, {"answer_start": 141, "text": "Super Bowl Opening Night."}], "question": "What new name was given to the media day?", "id": "56d71bd80d65d21400198360"}, {"answers": [{"answer_start": 209, "text": "SAP Center in San Jose."}, {"answer_start": 206, "text": "at SAP Center in San Jose"}, {"answer_start": 223, "text": "San Jose"}], "question": "Where was media day for Super Bowl 50 held?", "id": "56d71bd80d65d21400198361"}, {"answers": [{"answer_start": 362, "text": "the Golden Gate Bridge."}, {"answer_start": 362, "text": "the Golden Gate Bridge"}, {"answer_start": 366, "text": "Golden Gate Bridge."}], "question": "What replica was used for player introductions?", "id": "56d71bd80d65d21400198362"}, {"answers": [{"answer_start": 108, "text": "Monday"}, {"answer_start": 108, "text": "Monday"}, {"answer_start": 108, "text": "Monday"}], "question": "What day was Super Bowl 50 media day switched to?", "id": "56d9b4ebdc89441400fdb708"}, {"answers": [{"answer_start": 141, "text": "Super Bowl Opening Night."}, {"answer_start": 141, "text": "Super Bowl Opening Night"}, {"answer_start": 141, "text": "Super Bowl Opening Night"}], "question": "What was media day called for Super Bowl 50?", "id": "56d9b4ebdc89441400fdb709"}, {"answers": [{"answer_start": 209, "text": "SAP Center in San Jose."}, {"answer_start": 209, "text": "SAP Center"}, {"answer_start": 209, "text": "SAP Center"}], "question": "Where was the new media day event for Super Bowl 50 held?", "id": "56d9b4ebdc89441400fdb70a"}, {"answers": [{"answer_start": 366, "text": "Golden Gate Bridge."}, {"answer_start": 362, "text": "the Golden Gate"}, {"answer_start": 366, "text": "Golden Gate Bridge."}], "question": "What bridge had a model of it at the Super Bowl Opening Night?", "id": "56d9b4ebdc89441400fdb70b"}, {"answers": [{"answer_start": 189, "text": "February 1, 2016"}, {"answer_start": 189, "text": "February 1, 2016"}, {"answer_start": 189, "text": "February 1, 2016"}], "question": "What date was Super Bowl Opening Night held?", "id": "56d9b4ebdc89441400fdb70c"}]}, {"context": "For the first time, the Super Bowl 50 Host Committee and the NFL have openly sought disabled veteran and lesbian, gay, bisexual and transgender-owned businesses in Business Connect, the Super Bowl program that provides local companies with contracting opportunities in and around the Super Bowl. The host committee has already raised over $40 million through sponsors including Apple, Google, Yahoo!, Intel, Gap, Chevron, and Dignity Health.", "qas": [{"answers": [{"answer_start": 164, "text": "Business Connect"}, {"answer_start": 164, "text": "Business Connect"}, {"answer_start": 164, "text": "Business Connect"}], "question": "What is the name of the program that provides contracting work to local companies?", "id": "56bebe873aeaaa14008c933f"}, {"answers": [{"answer_start": 339, "text": "$40 million"}, {"answer_start": 334, "text": "over $40 million"}, {"answer_start": 339, "text": "$40 million"}], "question": "How much money has been raised by the host committee?", "id": "56bebe873aeaaa14008c9340"}, {"answers": [{"answer_start": 426, "text": "Dignity Health"}, {"answer_start": 426, "text": "Dignity Health"}, {"answer_start": 426, "text": "Dignity"}], "question": "What health company was a Super Bowl sponsor?", "id": "56bebe873aeaaa14008c9341"}, {"answers": [{"answer_start": 408, "text": "Gap"}, {"answer_start": 408, "text": "Gap"}, {"answer_start": 408, "text": "Gap"}], "question": "What clothing company was a Super Bowl sponsor?", "id": "56bebe873aeaaa14008c9342"}, {"answers": [{"answer_start": 413, "text": "Chevron"}, {"answer_start": 413, "text": "Chevron"}, {"answer_start": 413, "text": "Chevron"}], "question": "What petroleum company was a Super Bowl sponsor?", "id": "56bebe873aeaaa14008c9343"}, {"answers": [{"answer_start": 24, "text": "Super Bowl 50 Host Committee"}, {"answer_start": 20, "text": "the Super Bowl 50 Host Committee"}, {"answer_start": 24, "text": "Super Bowl 50 Host Committee"}], "question": "Which committee made an effort to invite companies owned by people, who are transgender or gay, to take part in contract business associated with Super Bowl 50.", "id": "56bf59523aeaaa14008c95e3"}, {"answers": [{"answer_start": 334, "text": "over $40 million"}, {"answer_start": 334, "text": "over $40 million"}, {"answer_start": 334, "text": "over $40 million"}], "question": "How much money did the committee raise?", "id": "56bf59523aeaaa14008c95e4"}, {"answers": [{"answer_start": 359, "text": "sponsors"}, {"answer_start": 351, "text": "through sponsors"}, {"answer_start": 359, "text": "sponsors"}], "question": "How did the committee raise the money?", "id": "56bf59523aeaaa14008c95e5"}, {"answers": [{"answer_start": 164, "text": "Business Connect"}, {"answer_start": 164, "text": "Business Connect"}, {"answer_start": 164, "text": "Business Connect"}], "question": "What is the Super Bowl program called that gives local companies business opportunities for the Super Bowl?", "id": "56d71cb60d65d21400198368"}, {"answers": [{"answer_start": 164, "text": "Business Connect"}, {"answer_start": 164, "text": "Business Connect"}, {"answer_start": 164, "text": "Business Connect"}], "question": "What is the name of the service that gets local businesses contract chances with the Super Bowl?", "id": "56d9b5ffdc89441400fdb720"}, {"answers": [{"answer_start": 334, "text": "over $40 million"}, {"answer_start": 334, "text": "over $40 million"}, {"answer_start": 339, "text": "$40 million"}], "question": "According to the text, how much money did the Host Committee raise?", "id": "56d9b5ffdc89441400fdb721"}]}, {"context": "The Super Bowl 50 Host Committee has vowed to be \"the most giving Super Bowl ever\", and will dedicate 25 percent of all money it raises for philanthropic causes in the Bay Area. The committee created the 50 fund as its philanthropic initiative and focuses on providing grants to aid with youth development, community investment and sustainable environments.", "qas": [{"answers": [{"answer_start": 102, "text": "25"}, {"answer_start": 102, "text": "25 percent"}, {"answer_start": 102, "text": "25"}], "question": "What percentage of money raised by the Host Committee will be used for charitable causes?", "id": "56bebec43aeaaa14008c9349"}, {"answers": [{"answer_start": 200, "text": "the 50 fund"}, {"answer_start": 200, "text": "the 50 fund"}, {"answer_start": 204, "text": "50 fund"}], "question": "What is the name of the Host Committee's charitable initiative?", "id": "56bebec43aeaaa14008c934a"}, {"answers": [{"answer_start": 102, "text": "25 percent"}, {"answer_start": 102, "text": "25 percent"}, {"answer_start": 102, "text": "25"}], "question": "What percentage of funds were given as charitable funds to causes in and around San Francisco?", "id": "56bf5abc3aeaaa14008c95e9"}, {"answers": [{"answer_start": 204, "text": "50 fund"}, {"answer_start": 200, "text": "the 50 fund"}, {"answer_start": 204, "text": "50 fund"}], "question": "What was the name of the fund setup to help with investing in the community? ", "id": "56bf5abc3aeaaa14008c95ea"}, {"answers": [{"answer_start": 50, "text": "the most giving Super Bowl ever"}, {"answer_start": 59, "text": "giving Super Bowl"}, {"answer_start": 59, "text": "giving"}], "question": "The Super Bowl 50 Host Committee said it would be the most what ever?", "id": "56d71d150d65d2140019836e"}, {"answers": [{"answer_start": 102, "text": "25 percent"}, {"answer_start": 102, "text": "25 percent of all money"}, {"answer_start": 102, "text": "25"}], "question": "How many will the host committee dedicate to local charities?", "id": "56d71d150d65d2140019836f"}, {"answers": [{"answer_start": 200, "text": "the 50 fund"}, {"answer_start": 200, "text": "the 50 fund"}, {"answer_start": 204, "text": "50 fund"}], "question": "What is the name of the fund that focuses on youth, community and sustainable environments?", "id": "56d71d150d65d21400198370"}, {"answers": [{"answer_start": 102, "text": "25 percent"}, {"answer_start": 102, "text": "25 percent"}, {"answer_start": 102, "text": "25"}], "question": "What percentage of money raised was earmarked for causes in the San Francisco area?", "id": "56d9b6a3dc89441400fdb72f"}, {"answers": [{"answer_start": 204, "text": "50 fund"}, {"answer_start": 200, "text": "the 50 fund"}, {"answer_start": 204, "text": "50 fund"}], "question": "What was the name of the work to give grants for youth development and other things?", "id": "56d9b6a3dc89441400fdb730"}]}, {"context": "In addition to the Vince Lombardi Trophy that all Super Bowl champions receive, the winner of Super Bowl 50 will also receive a large, 18-karat gold-plated \"50\". Each digit will weigh 33 lb (15 kg) for a total of 66 lb (30 kg). Like the Lombardi Trophy, the \"50\" will be designed by Tiffany & Co.", "qas": [{"answers": [{"answer_start": 19, "text": "Vince Lombardi"}, {"answer_start": 19, "text": "Vince Lombardi"}, {"answer_start": 25, "text": "Lombardi"}], "question": "Who is the trophy given to the Super Bowl champion named for?", "id": "56bec0353aeaaa14008c934d"}, {"answers": [{"answer_start": 135, "text": "18"}, {"answer_start": 135, "text": "18"}, {"answer_start": 135, "text": "18"}], "question": "The \"50\" given to the Super Bowl winner is plated with how many karats of gold?", "id": "56bec0353aeaaa14008c934e"}, {"answers": [{"answer_start": 213, "text": "66"}, {"answer_start": 213, "text": "66 lb"}, {"answer_start": 184, "text": "33"}], "question": "What will the \"50\" given to the Super Bowl winner weigh in pounds?", "id": "56bec0353aeaaa14008c934f"}, {"answers": [{"answer_start": 283, "text": "Tiffany & Co."}, {"answer_start": 283, "text": "Tiffany & Co"}, {"answer_start": 283, "text": "Tiffany & Co."}], "question": "Who designed the \"50\"?", "id": "56bec0353aeaaa14008c9350"}, {"answers": [{"answer_start": 283, "text": "Tiffany & Co."}, {"answer_start": 283, "text": "Tiffany & Co"}, {"answer_start": 283, "text": "Tiffany & Co"}], "question": "Who designed the Vince Lombardi Trophy?", "id": "56bec0353aeaaa14008c9351"}, {"answers": [{"answer_start": 19, "text": "Vince Lombardi Trophy"}, {"answer_start": 15, "text": "the Vince Lombardi Trophy"}, {"answer_start": 19, "text": "Vince Lombardi Trophy"}], "question": "What is the name of the trophy given to anyone who plays on the winning team in a Super Bowl?", "id": "56bf5b933aeaaa14008c95ed"}, {"answers": [{"answer_start": 135, "text": "18-karat gold-plated"}, {"answer_start": 135, "text": "18-karat gold"}, {"answer_start": 144, "text": "gold"}], "question": "What will the number \"50\" be plated with? ", "id": "56bf5b933aeaaa14008c95ef"}, {"answers": [{"answer_start": 283, "text": "Tiffany & Co"}, {"answer_start": 283, "text": "Tiffany & Co"}, {"answer_start": 283, "text": "Tiffany & Co"}], "question": "Who is the designer of the \"50?\"", "id": "56bf5b933aeaaa14008c95f1"}, {"answers": [{"answer_start": 15, "text": "the Vince Lombardi Trophy"}, {"answer_start": 15, "text": "the Vince Lombardi Trophy"}, {"answer_start": 19, "text": "Vince Lombardi Trophy"}], "question": "What is the name of the trophy that all Super Bowl winners receive?", "id": "56d71d9d0d65d21400198374"}, {"answers": [{"answer_start": 283, "text": "Tiffany & Co."}, {"answer_start": 283, "text": "Tiffany & Co"}, {"answer_start": 283, "text": "Tiffany & Co."}], "question": "Who designs both the \"50\" as well as the Trophy?", "id": "56d71d9d0d65d21400198377"}]}, {"context": "In the United States, the game was televised by CBS, as part of a cycle between the three main broadcast television partners of the NFL. The network's lead broadcast team of Jim Nantz and Phil Simms called the contest, with Tracy Wolfson and Evan Washburn on the sidelines. CBS introduced new features during the telecast, including pylon cameras and microphones along with EyeVision 360\u2014an array of 36 cameras along the upper deck that can be used to provide a 360-degree view of plays and \"bullet time\" effects. (An earlier version of EyeVision was last used in Super Bowl XXXV; for Super Bowl 50, the cameras were upgraded to 5K resolution.)", "qas": [{"answers": [{"answer_start": 48, "text": "CBS"}, {"answer_start": 48, "text": "CBS"}, {"answer_start": 48, "text": "CBS"}], "question": "On what television station could an American viewer watch the game?", "id": "56bec0dd3aeaaa14008c9357"}, {"answers": [{"answer_start": 188, "text": "Phil Simms"}, {"answer_start": 188, "text": "Phil Simms"}, {"answer_start": 188, "text": "Phil Simms"}], "question": "Who, with Jim Nantz, was a member of the game's lead broadcast team?", "id": "56bec0dd3aeaaa14008c9358"}, {"answers": [{"answer_start": 224, "text": "Tracy Wolfson"}, {"answer_start": 224, "text": "Tracy Wolfson"}, {"answer_start": 224, "text": "Tracy Wolfson"}], "question": "Who shared sideline duties with Evan Washburn?", "id": "56bec0dd3aeaaa14008c9359"}, {"answers": [{"answer_start": 384, "text": "36"}, {"answer_start": 400, "text": "36"}, {"answer_start": 400, "text": "36"}], "question": "How many cameras did EyeVision 360 utilize?", "id": "56bec0dd3aeaaa14008c935a"}, {"answers": [{"answer_start": 629, "text": "5K"}, {"answer_start": 629, "text": "5K"}, {"answer_start": 629, "text": "5K"}], "question": "What was the resolution of the cameras used in the EyeVision 360 system?", "id": "56bec0dd3aeaaa14008c935b"}, {"answers": [{"answer_start": 84, "text": "three"}, {"answer_start": 84, "text": "three"}, {"answer_start": 84, "text": "three"}], "question": "How many different TV networks are considered to be the principal partners, when it comes to broadcasting NFL events?", "id": "56bf5e7b3aeaaa14008c95f7"}, {"answers": [{"answer_start": 263, "text": "sidelines"}, {"answer_start": 259, "text": "the sidelines"}, {"answer_start": 263, "text": "sidelines"}], "question": "Where was Tracy Wolfson announcing from during the Super Bowl 50 game?", "id": "56bf5e7b3aeaaa14008c95f8"}, {"answers": [{"answer_start": 462, "text": "360-degree"}, {"answer_start": 384, "text": "360"}, {"answer_start": 462, "text": "360"}], "question": "New cameras were introduced for the game, what degree of view do they provide viewers?", "id": "56bf5e7b3aeaaa14008c95f9"}, {"answers": [{"answer_start": 629, "text": "5K resolution"}, {"answer_start": 629, "text": "5K"}, {"answer_start": 629, "text": "5K"}], "question": "What resolution were the cameras increased to for the game?", "id": "56bf5e7b3aeaaa14008c95fa"}, {"answers": [{"answer_start": 263, "text": "sidelines"}, {"answer_start": 259, "text": "the sidelines"}, {"answer_start": 263, "text": "sidelines"}], "question": "Where was Evan Washburn located while announcing during the game?", "id": "56bf5e7b3aeaaa14008c95fb"}, {"answers": [{"answer_start": 48, "text": "CBS"}, {"answer_start": 48, "text": "CBS"}, {"answer_start": 48, "text": "CBS"}], "question": "Which television network aired the Super Bowl?", "id": "56d71ed50d65d2140019837c"}, {"answers": [{"answer_start": 84, "text": "three"}, {"answer_start": 84, "text": "three"}, {"answer_start": 84, "text": "three"}], "question": "How many broadcast television partners does the NFL have?", "id": "56d71ed50d65d2140019837d"}, {"answers": [{"answer_start": 48, "text": "CBS"}, {"answer_start": 48, "text": "CBS"}, {"answer_start": 48, "text": "CBS"}], "question": "What network aired Super Bowl 50?", "id": "56d9b7dcdc89441400fdb740"}, {"answers": [{"answer_start": 174, "text": "Jim Nantz and Phil Simms"}, {"answer_start": 174, "text": "Jim Nantz and Phil Simms"}, {"answer_start": 174, "text": "Jim Nantz and Phil Simms"}], "question": "Who were the announcers of Super Bowl 50?", "id": "56d9b7dcdc89441400fdb741"}, {"answers": [{"answer_start": 224, "text": "Tracy Wolfson and Evan Washburn"}, {"answer_start": 224, "text": "Tracy Wolfson and Evan Washburn"}, {"answer_start": 224, "text": "Tracy Wolfson and Evan Washburn"}], "question": "Who were the Super Bowl 50 sideline announcers?", "id": "56d9b7dcdc89441400fdb742"}, {"answers": [{"answer_start": 629, "text": "5K"}, {"answer_start": 629, "text": "5K"}, {"answer_start": 629, "text": "5K"}], "question": "What resolution were the Eyevision cameras changed to?", "id": "56d9b7dcdc89441400fdb743"}, {"answers": [{"answer_start": 339, "text": "cameras"}, {"answer_start": 339, "text": "cameras"}, {"answer_start": 339, "text": "cameras"}], "question": "What was put on pylons for Super Bowl 50?", "id": "56d9b7dcdc89441400fdb744"}]}, {"context": "On December 28, 2015, ESPN Deportes announced that they had reached an agreement with CBS and the NFL to be the exclusive Spanish-language broadcaster of the game, marking the third dedicated Spanish-language broadcast of the Super Bowl. Unlike NBC and Fox, CBS does not have a Spanish-language outlet of its own that could broadcast the game (though per league policy, a separate Spanish play-by-play call was carried on CBS's second audio program channel for over-the-air viewers). The game was called by ESPN Deportes' Monday Night Football commentary crew of Alvaro Martin and Raul Allegre, and sideline reporter John Sutcliffe. ESPN Deportes broadcast pre-game and post-game coverage, while Martin, Allegre, and Sutcliffe contributed English-language reports for ESPN's SportsCenter and Mike & Mike.", "qas": [{"answers": [{"answer_start": 22, "text": "ESPN Deportes"}, {"answer_start": 22, "text": "ESPN Deportes"}, {"answer_start": 22, "text": "ESPN Deportes"}], "question": "Which network broadcast the game in Spanish?", "id": "56bec1823aeaaa14008c9361"}, {"answers": [{"answer_start": 617, "text": "John Sutcliffe"}, {"answer_start": 617, "text": "John Sutcliffe"}, {"answer_start": 622, "text": "Sutcliffe"}], "question": "Who reported on the sideline for ESPN Deportes?", "id": "56bec1823aeaaa14008c9362"}, {"answers": [{"answer_start": 563, "text": "Alvaro Martin"}, {"answer_start": 563, "text": "Alvaro Martin"}, {"answer_start": 563, "text": "Alvaro Martin"}], "question": "Who provided Spanish-language commentary alongside Raul Allegre?", "id": "56bec1823aeaaa14008c9363"}, {"answers": [{"answer_start": 3, "text": "December 28, 2015"}, {"answer_start": 3, "text": "December 28, 2015"}, {"answer_start": 3, "text": "December 28, 2015,"}], "question": "On what date did ESPN Deportes announce their deal with CBS and the NFL?", "id": "56bec1823aeaaa14008c9364"}, {"answers": [{"answer_start": 122, "text": "Spanish"}, {"answer_start": 122, "text": "Spanish"}, {"answer_start": 122, "text": "Spanish"}], "question": "In what language did ESPN Deportes broadcast the game?", "id": "56bec1823aeaaa14008c9365"}, {"answers": [{"answer_start": 86, "text": "CBS"}, {"answer_start": 22, "text": "ESPN Deportes"}, {"answer_start": 22, "text": "ESPN Deportes"}], "question": "Which TV network broadcasted Super Bowl 50 in Spanish?", "id": "56bf6d343aeaaa14008c961b"}, {"answers": [{"answer_start": 22, "text": "ESPN Deportes"}, {"answer_start": 22, "text": "ESPN Deportes"}, {"answer_start": 22, "text": "ESPN Deportes"}], "question": "Who exclusively broadcast the game in Spanish after reaching an agreement with the NFL and CBS?", "id": "56d71fc00d65d21400198386"}, {"answers": [{"answer_start": 617, "text": "John Sutcliffe."}, {"answer_start": 617, "text": "John Sutcliffe"}, {"answer_start": 622, "text": "Sutcliffe"}], "question": "Who was the sideline reporter for ESPN Deportes?", "id": "56d71fc00d65d21400198389"}, {"answers": [{"answer_start": 22, "text": "ESPN Deportes"}, {"answer_start": 22, "text": "ESPN Deportes"}, {"answer_start": 22, "text": "ESPN Deportes"}], "question": "What agency did the Spanish version of the Super Bowl?", "id": "56d9ba95dc89441400fdb754"}, {"answers": [{"answer_start": 563, "text": "Alvaro Martin and Raul Allegre"}, {"answer_start": 563, "text": "Alvaro Martin and Raul Allegre"}, {"answer_start": 563, "text": "Alvaro Martin and Raul Allegre"}], "question": "Who were the ESPN Deportes commentators for Super Bowl 50?", "id": "56d9ba95dc89441400fdb757"}, {"answers": [{"answer_start": 617, "text": "John Sutcliffe."}, {"answer_start": 617, "text": "John Sutcliffe"}, {"answer_start": 622, "text": "Sutcliffe"}], "question": "Who was the ESPN Deportes sideline commentator for Super Bowl 50?", "id": "56d9ba95dc89441400fdb758"}]}, {"context": "CBS provided digital streams of the game via CBSSports.com, and the CBS Sports apps on tablets, Windows 10, Xbox One and other digital media players (such as Chromecast and Roku). Due to Verizon Communications exclusivity, streaming on smartphones was only provided to Verizon Wireless customers via the NFL Mobile service. The ESPN Deportes Spanish broadcast was made available through WatchESPN.", "qas": [{"answers": [{"answer_start": 304, "text": "NFL Mobile"}, {"answer_start": 304, "text": "NFL Mobile"}, {"answer_start": 304, "text": "NFL Mobile service."}], "question": "What service did Verizon customers need to use to stream the game on their smartphones?", "id": "56bec2013aeaaa14008c9371"}, {"answers": [{"answer_start": 387, "text": "WatchESPN"}, {"answer_start": 387, "text": "WatchESPN"}, {"answer_start": 387, "text": "WatchESPN"}], "question": "On what service could the ESPN Deportes broadcast be streamed?", "id": "56bec2013aeaaa14008c9372"}, {"answers": [{"answer_start": 45, "text": "CBSSports.com"}, {"answer_start": 45, "text": "CBSSports.com"}, {"answer_start": 45, "text": "CBSSports"}], "question": "What CBS website provided a stream?", "id": "56bec2013aeaaa14008c9373"}, {"answers": [{"answer_start": 108, "text": "Xbox One"}, {"answer_start": 108, "text": "Xbox One"}, {"answer_start": 108, "text": "Xbox One"}], "question": "On what game console was the CBS Sports app available?", "id": "56bec2013aeaaa14008c9374"}, {"answers": [{"answer_start": 104, "text": "10"}, {"answer_start": 104, "text": "10"}, {"answer_start": 104, "text": "10"}], "question": "What version of Windows supported the CBS sports app?", "id": "56bec2013aeaaa14008c9375"}, {"answers": [{"answer_start": 45, "text": "CBSSports.com"}, {"answer_start": 45, "text": "CBSSports.com"}, {"answer_start": 45, "text": "CBSSports.com"}], "question": "What was the domain name of the site that streamed the Super Bowl 50 game? ", "id": "56bf6e7a3aeaaa14008c961f"}, {"answers": [{"answer_start": 108, "text": "Xbox One"}, {"answer_start": 108, "text": "Xbox One"}, {"answer_start": 108, "text": "Xbox"}], "question": "Which game console could viewers stream the game on? ", "id": "56bf6e7a3aeaaa14008c9620"}, {"answers": [{"answer_start": 269, "text": "Verizon Wireless customers"}, {"answer_start": 187, "text": "Verizon"}, {"answer_start": 187, "text": "Verizon"}], "question": "Which smartphone customers were the only people who could stream the game on their phones?", "id": "56bf6e7a3aeaaa14008c9621"}, {"answers": [{"answer_start": 304, "text": "NFL Mobile service"}, {"answer_start": 64, "text": "the CBS Sports apps"}, {"answer_start": 304, "text": "NFL"}], "question": "What app did viewers use to watch the game on their smartphones? ", "id": "56bf6e7a3aeaaa14008c9622"}, {"answers": [{"answer_start": 187, "text": "Verizon"}, {"answer_start": 187, "text": "Verizon"}, {"answer_start": 187, "text": "Verizon"}], "question": "Which wireless company had exclusive streaming rights on mobile phones?", "id": "56d7205e0d65d21400198391"}, {"answers": [{"answer_start": 304, "text": "NFL Mobile service."}, {"answer_start": 304, "text": "NFL Mobile"}, {"answer_start": 304, "text": "NFL"}], "question": "Which mobile service were Verizon customers able to watch Super Bowl 50 on their phones?", "id": "56d7205e0d65d21400198392"}, {"answers": [{"answer_start": 13, "text": "digital streams of the game"}, {"answer_start": 13, "text": "digital streams"}, {"answer_start": 13, "text": "digital streams"}], "question": "What did CBS provide of the Super Bowl 50 broadcast for its website, some apps and media players?", "id": "56d9bc13dc89441400fdb75e"}, {"answers": [{"answer_start": 187, "text": "Verizon"}, {"answer_start": 187, "text": "Verizon"}, {"answer_start": 187, "text": "Verizon"}], "question": "What cellular carrier had the only contract for the Super Bowl to be shown on smartphones?", "id": "56d9bc13dc89441400fdb75f"}, {"answers": [{"answer_start": 387, "text": "WatchESPN."}, {"answer_start": 379, "text": "through WatchESPN"}, {"answer_start": 387, "text": "WatchESPN"}], "question": "Where was the ESPN Deportes Spanish version of Super Bowl 50 available?", "id": "56d9bc13dc89441400fdb760"}]}, {"context": "As opposed to broadcasts of primetime series, CBS broadcast special episodes of its late night talk shows as its lead-out programs for Super Bowl 50, beginning with a special episode of The Late Show with Stephen Colbert following the game. Following a break for late local programming, CBS also aired a special episode of The Late Late Show with James Corden.", "qas": [{"answers": [{"answer_start": 186, "text": "The Late Show with Stephen Colbert"}, {"answer_start": 186, "text": "The Late Show with Stephen Colbert"}, {"answer_start": 190, "text": "Late Show with Stephen Colbert"}], "question": "What talk show followed immediately after Super Bowl 50 on CBS?", "id": "56bec2573aeaaa14008c937b"}, {"answers": [{"answer_start": 323, "text": "The Late Late Show with James Corden"}, {"answer_start": 323, "text": "The Late Late Show with James Corden"}, {"answer_start": 327, "text": "Late Late Show with James Corden"}], "question": "What show aired on CBS after late local programming?", "id": "56bec2573aeaaa14008c937c"}, {"answers": [{"answer_start": 186, "text": "The Late Show with Stephen Colbert"}, {"answer_start": 186, "text": "The Late Show with Stephen Colbert"}, {"answer_start": 213, "text": "Colbert"}], "question": "Which late night comedy host show played immediately after Super Bowl 50 ended?", "id": "56bf6f743aeaaa14008c9631"}, {"answers": [{"answer_start": 323, "text": "The Late Late Show with James Corden"}, {"answer_start": 323, "text": "The Late Late Show with James Corden"}, {"answer_start": 327, "text": "Late Late Show with James Corden"}], "question": "What other CBS talk show played, after the main one that began immediately after Super Bowl 50?", "id": "56bf6f743aeaaa14008c9632"}, {"answers": [{"answer_start": 186, "text": "The Late Show with Stephen Colbert"}, {"answer_start": 186, "text": "The Late Show with Stephen Colbert"}, {"answer_start": 190, "text": "Late Show with Stephen Colbert"}], "question": "What CBS show followed the Super Bowl?", "id": "56d720c70d65d21400198396"}, {"answers": [{"answer_start": 263, "text": "late local programming"}, {"answer_start": 263, "text": "late local programming"}, {"answer_start": 263, "text": "late local programming"}], "question": "What followed The Late Show with Stephen Colbert?", "id": "56d720c70d65d21400198397"}, {"answers": [{"answer_start": 323, "text": "The Late Late Show with James Corden."}, {"answer_start": 323, "text": "The Late Late Show with James Corden"}, {"answer_start": 323, "text": "The Late Late Show with James Corden."}], "question": "What followed the late local programming after Super Bowl 50?", "id": "56d720c70d65d21400198398"}]}, {"context": "CBS set the base rate for a 30-second advertisement at $5,000,000, a record high price for a Super Bowl ad. As of January 26, the advertisements had not yet sold out. CBS mandated that all advertisers purchase a package covering time on both the television and digital broadcasts of the game, meaning that for the first time, digital streams of the game would carry all national advertising in pattern with the television broadcast. This would be the final year in a multi-year contract with Anheuser-Busch InBev that allowed the beer manufacturer to air multiple advertisements during the game at a steep discount. It was also the final year that Doritos, a longtime sponsor of the game, held its \"Crash the Super Bowl\" contest that allowed viewers to create their own Doritos ads for a chance to have it aired during the game. Nintendo and The Pok\u00e9mon Company also made their Super Bowl debut, promoting the 20th anniversary of the Pok\u00e9mon video game and media franchise.", "qas": [{"answers": [{"answer_start": 55, "text": "$5,000,000"}, {"answer_start": 55, "text": "$5,000,000"}, {"answer_start": 55, "text": "$5,000,000,"}], "question": "What was the base rate for a 30-second ad during Super Bowl 50?", "id": "56bec3153aeaaa14008c9389"}, {"answers": [{"answer_start": 492, "text": "Anheuser-Busch InBev"}, {"answer_start": 492, "text": "Anheuser-Busch InBev"}, {"answer_start": 492, "text": "Anheuser-Busch InBev"}], "question": "What beverage company signed a contract allowing them to broadcast ads at a discount?", "id": "56bec3153aeaaa14008c938a"}, {"answers": [{"answer_start": 648, "text": "Doritos"}, {"answer_start": 770, "text": "Doritos"}, {"answer_start": 648, "text": "Doritos"}], "question": "What brand sponsored the \"Crash the Super Bowl\" contest?", "id": "56bec3153aeaaa14008c938b"}, {"answers": [{"answer_start": 910, "text": "20th"}, {"answer_start": 906, "text": "the 20th"}, {"answer_start": 910, "text": "20th"}], "question": "What anniversary of the Pok\u00e9mon franchise was celebrated during the Super Bowl?", "id": "56bec3153aeaaa14008c938c"}, {"answers": [{"answer_start": 55, "text": "$5,000,000"}, {"answer_start": 55, "text": "$5,000,000"}, {"answer_start": 55, "text": "$5,000,000"}], "question": "What was the starting cost for a TV commercial lasting 30 seconds and airing during Super Bowl 50?", "id": "56bf717d3aeaaa14008c9635"}, {"answers": [{"answer_start": 492, "text": "Anheuser-Busch InBev"}, {"answer_start": 492, "text": "Anheuser-Busch InBev"}, {"answer_start": 492, "text": "Anheuser-Busch InBev"}], "question": "Which company was given permission to air TV commercials during Super Bowl 50 at a discounted price?", "id": "56bf717d3aeaaa14008c9637"}, {"answers": [{"answer_start": 648, "text": "Doritos"}, {"answer_start": 770, "text": "Doritos"}, {"answer_start": 648, "text": "Doritos"}], "question": "Which company held a contest whereupon contestants could enter for a chance to have their own commercial shown during Super Bowl 50?", "id": "56bf717d3aeaaa14008c9638"}, {"answers": [{"answer_start": 829, "text": "Nintendo"}, {"answer_start": 829, "text": "Nintendo"}, {"answer_start": 829, "text": "Nintendo"}], "question": "Which video gaming company debuted their ad for the first time during Super Bowl 50?", "id": "56bf717d3aeaaa14008c9639"}, {"answers": [{"answer_start": 842, "text": "The Pok\u00e9mon Company"}, {"answer_start": 842, "text": "The Pok\u00e9mon Company"}, {"answer_start": 842, "text": "The Pok\u00e9mon Company"}], "question": "Who made their Super Bowl commercial debut with Nintendo?", "id": "56d721af0d65d2140019839e"}, {"answers": [{"answer_start": 492, "text": "Anheuser-Busch InBev"}, {"answer_start": 492, "text": "Anheuser-Busch InBev"}, {"answer_start": 492, "text": "Anheuser-Busch InBev"}], "question": "Which company has been able to air multiple ads at a steep discount?", "id": "56d721af0d65d2140019839f"}, {"answers": [{"answer_start": 648, "text": "Doritos"}, {"answer_start": 648, "text": "Doritos"}, {"answer_start": 648, "text": "Doritos"}], "question": "Which company has held contests for fans to create their own ad for the company?", "id": "56d721af0d65d214001983a0"}, {"answers": [{"answer_start": 492, "text": "Anheuser-Busch InBev"}, {"answer_start": 492, "text": "Anheuser-Busch InBev"}, {"answer_start": 492, "text": "Anheuser-Busch InBev"}], "question": "What company was in its last year for getting Super Bowl commercials at a big discount?", "id": "56d9bdc1dc89441400fdb768"}, {"answers": [{"answer_start": 648, "text": "Doritos"}, {"answer_start": 648, "text": "Doritos"}, {"answer_start": 648, "text": "Doritos"}], "question": "What company was this the last Super Bowl they would let customers have an opportunity to get their own commercial ideas aired?", "id": "56d9bdc1dc89441400fdb769"}, {"answers": [{"answer_start": 699, "text": "Crash the Super Bowl"}, {"answer_start": 699, "text": "Crash the Super Bowl"}, {"answer_start": 699, "text": "Crash the Super Bowl"}], "question": "What was the Doritos customer Super Bowl ad campaign called?", "id": "56d9bdc1dc89441400fdb76a"}]}, {"context": "QuickBooks sponsored a \"Small Business Big Game\" contest, in which Death Wish Coffee had a 30-second commercial aired free of charge courtesy of QuickBooks. Death Wish Coffee beat out nine other contenders from across the United States for the free advertisement.", "qas": [{"answers": [{"answer_start": 23, "text": "\"Small Business Big Game\""}, {"answer_start": 24, "text": "Small Business Big Game"}, {"answer_start": 24, "text": "Small Business Big Game"}], "question": "What was the name of the contest sponsored by QuickBooks?", "id": "56bec38b3aeaaa14008c9397"}, {"answers": [{"answer_start": 67, "text": "Death Wish Coffee"}, {"answer_start": 67, "text": "Death Wish Coffee"}, {"answer_start": 157, "text": "Death Wish Coffee"}], "question": "What company won a free advertisement due to the QuickBooks contest?", "id": "56bec38b3aeaaa14008c9398"}, {"answers": [{"answer_start": 91, "text": "30-second"}, {"answer_start": 91, "text": "30-second"}, {"answer_start": 91, "text": "30-second"}], "question": "How long was the Death Wish Coffee commercial?", "id": "56bec38b3aeaaa14008c9399"}, {"answers": [{"answer_start": 184, "text": "nine"}, {"answer_start": 184, "text": "nine"}, {"answer_start": 184, "text": "nine"}], "question": "Besides Death Wish Coffee, how many other competitors participated in the contest?", "id": "56bec38b3aeaaa14008c939a"}, {"answers": [{"answer_start": 67, "text": "Death Wish Coffee"}, {"answer_start": 67, "text": "Death Wish Coffee"}, {"answer_start": 157, "text": "Death Wish Coffee"}], "question": "Which company won a contest to have their ad shown for free during Super Bowl 50?", "id": "56bf71e73aeaaa14008c963f"}, {"answers": [{"answer_start": 184, "text": "nine"}, {"answer_start": 184, "text": "nine"}, {"answer_start": 184, "text": "nine"}], "question": "How many other contestants did the company, that had their ad shown for free, beat out?", "id": "56bf71e73aeaaa14008c9640"}, {"answers": [{"answer_start": 145, "text": "QuickBooks."}, {"answer_start": 0, "text": "QuickBooks"}, {"answer_start": 0, "text": "QuickBooks"}], "question": "Which company sponsored a contest called \"Small Business Big Game\"?", "id": "56d722330d65d214001983a6"}, {"answers": [{"answer_start": 67, "text": "Death Wish Coffee"}, {"answer_start": 67, "text": "Death Wish Coffee"}, {"answer_start": 157, "text": "Death Wish Coffee"}], "question": "Which company had a commercial aired for free as a result of the Quickbooks contest?", "id": "56d722330d65d214001983a7"}, {"answers": [{"answer_start": 198, "text": "ten"}, {"answer_start": 184, "text": "nine"}, {"answer_start": 184, "text": "nine"}], "question": "How many companies were part of the Quickbooks contest?", "id": "56d722330d65d214001983a8"}, {"answers": [{"answer_start": 145, "text": "QuickBooks."}, {"answer_start": 0, "text": "QuickBooks"}, {"answer_start": 0, "text": "QuickBooks"}], "question": "What company had a contest to win a free Super Bowl commercial?", "id": "56d9be16dc89441400fdb770"}, {"answers": [{"answer_start": 67, "text": "Death Wish Coffee"}, {"answer_start": 67, "text": "Death Wish Coffee"}, {"answer_start": 157, "text": "Death Wish Coffee"}], "question": "Who won the competition to get a free Super Bowl commercial aired?", "id": "56d9be16dc89441400fdb771"}]}, {"context": "20th Century Fox, Lionsgate, Paramount Pictures, Universal Studios and Walt Disney Studios paid for movie trailers to be aired during the Super Bowl. Fox paid for Deadpool, X-Men: Apocalypse, Independence Day: Resurgence and Eddie the Eagle, Lionsgate paid for Gods of Egypt, Paramount paid for Teenage Mutant Ninja Turtles: Out of the Shadows and 10 Cloverfield Lane, Universal paid for The Secret Life of Pets and the debut trailer for Jason Bourne and Disney paid for Captain America: Civil War, The Jungle Book and Alice Through the Looking Glass.[citation needed]", "qas": [{"answers": [{"answer_start": 438, "text": "Jason Bourne"}, {"answer_start": 438, "text": "Jason Bourne"}, {"answer_start": 438, "text": "Jason Bourne"}], "question": "What Universal trailer debuted during the Super Bowl?", "id": "56bec4343aeaaa14008c93a9"}, {"answers": [{"answer_start": 261, "text": "Gods of Egypt"}, {"answer_start": 261, "text": "Gods of Egypt"}, {"answer_start": 261, "text": "Gods of Egypt,"}], "question": "What Lionsgate trailer was shown during the Super Bowl?", "id": "56bec4343aeaaa14008c93aa"}, {"answers": [{"answer_start": 295, "text": "Teenage Mutant Ninja Turtles: Out of the Shadows"}, {"answer_start": 295, "text": "Teenage Mutant Ninja Turtles: Out of the Shadows"}, {"answer_start": 295, "text": "Teenage Mutant Ninja Turtles: Out of the Shadows"}], "question": "Along with 10 Cloverfield Lane, what Paramount trailer appeared during the Super Bowl?", "id": "56bec4343aeaaa14008c93ab"}, {"answers": [{"answer_start": 210, "text": "Resurgence"}, {"answer_start": 210, "text": "Resurgence"}, {"answer_start": 210, "text": "Resurgence"}], "question": "What was the subtitle of the Independence Day movie that had a trailer during the Super Bowl?", "id": "56bec4343aeaaa14008c93ac"}, {"answers": [{"answer_start": 261, "text": "Gods of Egypt"}, {"answer_start": 261, "text": "Gods of Egypt"}, {"answer_start": 261, "text": "Gods of Egypt"}], "question": "What film did Lionsgate pay to have the trailer aired during the Super Bowl?", "id": "56d723560d65d214001983ac"}, {"answers": [{"answer_start": 295, "text": "Teenage Mutant Ninja Turtles: Out of the Shadows"}, {"answer_start": 295, "text": "Teenage Mutant Ninja Turtles: Out of the Shadows"}, {"answer_start": 295, "text": "Teenage Mutant Ninja Turtles"}], "question": "Paramount paid fo, 10 Cloverfield Lane and which other film trailer to be aired during the game?", "id": "56d723560d65d214001983ad"}, {"answers": [{"answer_start": 438, "text": "Jason Bourne"}, {"answer_start": 438, "text": "Jason Bourne"}, {"answer_start": 438, "text": "Jason Bourne"}], "question": "Universal Paid for The Secret Life of Pets and which other film trailer?", "id": "56d723560d65d214001983ae"}, {"answers": [{"answer_start": 471, "text": "Captain America: Civil War"}, {"answer_start": 471, "text": "Captain America: Civil War"}, {"answer_start": 471, "text": "Captain America: Civil War"}], "question": "Disney paid for The Jungle Book, Alice Through the Looking Glass, and which other film trailer to be aired during the game?", "id": "56d723560d65d214001983af"}, {"answers": [{"answer_start": 192, "text": "Independence Day"}, {"answer_start": 192, "text": "Independence Day"}, {"answer_start": 192, "text": "Independence Day: Resurgence"}], "question": "What famous July Fourth holiday movie did Fox pay to advertise a sequel of during the Super Bowl?", "id": "56d9bf70dc89441400fdb77b"}, {"answers": [{"answer_start": 49, "text": "Universal"}, {"answer_start": 369, "text": "Universal"}, {"answer_start": 369, "text": "Universal"}], "question": "What movie company paid to have the next Jason Bourne movie ad shown during the Super Bowl?", "id": "56d9bf70dc89441400fdb77c"}, {"answers": [{"answer_start": 13, "text": "Fox"}, {"answer_start": 150, "text": "Fox"}, {"answer_start": 455, "text": "Disney"}], "question": "What company paid for a Super Bowl 50 ad to show a trailer of X-Men: Apocalypse?", "id": "56d9bf70dc89441400fdb77d"}]}, {"context": "Westwood One will carry the game throughout North America, with Kevin Harlan as play-by-play announcer, Boomer Esiason and Dan Fouts as color analysts, and James Lofton and Mark Malone as sideline reporters. Jim Gray will anchor the pre-game and halftime coverage.", "qas": [{"answers": [{"answer_start": 0, "text": "Westwood One"}, {"answer_start": 0, "text": "Westwood One"}, {"answer_start": 0, "text": "Westwood One"}], "question": "What radio network carried the Super Bowl?", "id": "56bec4a33aeaaa14008c93b1"}, {"answers": [{"answer_start": 64, "text": "Kevin Harlan"}, {"answer_start": 64, "text": "Kevin Harlan"}, {"answer_start": 64, "text": "Kevin Harlan"}], "question": "Who did play-by-play on Westwood One?", "id": "56bec4a33aeaaa14008c93b2"}, {"answers": [{"answer_start": 208, "text": "Jim Gray"}, {"answer_start": 208, "text": "Jim Gray"}, {"answer_start": 206, "text": ". Jim Gray"}], "question": "Who handled pre-game coverage on Westwood One?", "id": "56bec4a33aeaaa14008c93b3"}, {"answers": [{"answer_start": 104, "text": "Boomer Esiason"}, {"answer_start": 104, "text": "Boomer Esiason"}, {"answer_start": 104, "text": "Boomer Esiason"}], "question": "Along with Dan Fouts, who served as a color analyst for the radio broadcast?", "id": "56bec4a33aeaaa14008c93b4"}, {"answers": [{"answer_start": 156, "text": "James Lofton"}, {"answer_start": 156, "text": "James Lofton"}, {"answer_start": 156, "text": "James Lofton and Mark Malone"}], "question": "Who shared sideline reporting duties with Mark Malone?", "id": "56bec4a33aeaaa14008c93b5"}, {"answers": [{"answer_start": 3, "text": "two"}, {"answer_start": 104, "text": "Boomer Esiason and Dan Fouts"}], "question": "How many color analysts were involved with Super Bowl 50?", "id": "56bf738b3aeaaa14008c9655"}, {"answers": [{"answer_start": 64, "text": "Kevin Harlan"}, {"answer_start": 64, "text": "Kevin Harlan"}, {"answer_start": 64, "text": "Kevin Harlan"}], "question": "Who announced the game play-by-play for Super Bowl 50?", "id": "56bf738b3aeaaa14008c9656"}, {"answers": [{"answer_start": 0, "text": "Westwood One"}, {"answer_start": 0, "text": "Westwood One"}, {"answer_start": 0, "text": "Westwood One"}], "question": "Who will carry the game throughout all of North America?", "id": "56d723ad0d65d214001983b4"}, {"answers": [{"answer_start": 64, "text": "Kevin Harlan"}, {"answer_start": 64, "text": "Kevin Harlan"}, {"answer_start": 64, "text": "Kevin Harlan"}], "question": "Who is the play-by-play announcer for the game?", "id": "56d723ad0d65d214001983b5"}, {"answers": [{"answer_start": 208, "text": "Jim Gray"}, {"answer_start": 208, "text": "Jim Gray"}, {"answer_start": 208, "text": "Jim Gray"}], "question": "Who covered the halftime coverage?", "id": "56d723ad0d65d214001983b8"}, {"answers": [{"answer_start": 64, "text": "Kevin Harlan"}, {"answer_start": 64, "text": "Kevin Harlan"}, {"answer_start": 64, "text": "Kevin Harlan"}], "question": "Who was the announcer for Westwood One's Super Bowl 50 coverage?", "id": "56d9c049dc89441400fdb78e"}, {"answers": [{"answer_start": 104, "text": "Boomer Esiason and Dan Fouts"}, {"answer_start": 104, "text": "Boomer Esiason and Dan Fouts"}, {"answer_start": 104, "text": "Boomer Esiason and Dan Fouts"}], "question": "Who were the Westwood one color analysts?", "id": "56d9c049dc89441400fdb78f"}, {"answers": [{"answer_start": 156, "text": "James Lofton and Mark Malone"}, {"answer_start": 156, "text": "James Lofton and Mark Malone"}, {"answer_start": 156, "text": "James Lofton and Mark Malone"}], "question": "Who were the Westwood One sideline announcers?", "id": "56d9c049dc89441400fdb790"}, {"answers": [{"answer_start": 233, "text": "pre-game and halftime coverage."}, {"answer_start": 246, "text": "halftime"}, {"answer_start": 222, "text": "anchor the pre-game and halftime coverage"}], "question": "What did Jim Gray cover?", "id": "56d9c049dc89441400fdb791"}, {"answers": [{"answer_start": 44, "text": "North America"}, {"answer_start": 44, "text": "North America"}, {"answer_start": 44, "text": "North America"}], "question": "What area did the Westwood One broadcast cover?", "id": "56d9c049dc89441400fdb792"}]}, {"context": "The flagship stations of each station in the markets of each team will carry their local play-by-play calls. In Denver, KOA (850 AM) and KRFX (103.5 FM) will carry the game, with Dave Logan on play-by-play and Ed McCaffrey on color commentary. In North Carolina, WBT (1110 AM) will carry the game, with Mick Mixon on play-by-play and Eugene Robinson and Jim Szoke on color commentary. WBT will also simulcast the game on its sister station WBT-FM (99.3 FM), which is based in Chester, South Carolina. As KOA and WBT are both clear-channel stations, the local broadcasts will be audible over much of the western United States after sunset (for Denver) and the eastern United States throughout the game (for Carolina). In accordance with contractual rules, the rest of the stations in the Broncos and Panthers radio networks will either carry the Westwood One feed or not carry the game at all.", "qas": [{"answers": [{"answer_start": 137, "text": "KRFX"}, {"answer_start": 137, "text": "KRFX"}, {"answer_start": 137, "text": "KRFX"}], "question": "What radio station is located at 103.5FM on the dial in Denver?", "id": "56bec5233aeaaa14008c93cf"}, {"answers": [{"answer_start": 179, "text": "Dave Logan"}, {"answer_start": 120, "text": "KOA (850 AM) and KRFX (103.5 FM)"}, {"answer_start": 179, "text": "Dave Logan"}], "question": "Who handled play-by-play for the Denver radio market?", "id": "56bec5233aeaaa14008c93d0"}, {"answers": [{"answer_start": 268, "text": "1110 AM"}, {"answer_start": 268, "text": "1110 AM"}, {"answer_start": 267, "text": "(1110 AM)"}], "question": "What is the frequency of the radio station WBT in North Carolina?", "id": "56bec5233aeaaa14008c93d1"}, {"answers": [{"answer_start": 476, "text": "Chester, South Carolina"}, {"answer_start": 476, "text": "Chester"}, {"answer_start": 476, "text": "Chester, South Carolina"}], "question": "In what city is WBT-FM located?", "id": "56bec5233aeaaa14008c93d2"}, {"answers": [{"answer_start": 303, "text": "Mick Mixon"}, {"answer_start": 303, "text": "Mick Mixon"}, {"answer_start": 303, "text": "Mick Mixon"}], "question": "Who did play-by-play for the WBT broadcast?", "id": "56bec5233aeaaa14008c93d3"}, {"answers": [{"answer_start": 179, "text": "Dave Logan"}, {"answer_start": 179, "text": "Dave Logan"}, {"answer_start": 179, "text": "Dave Logan"}], "question": "Who handled the play-by-play for the Denver radio stations?", "id": "56d724620d65d214001983be"}, {"answers": [{"answer_start": 210, "text": "Ed McCaffrey"}, {"answer_start": 210, "text": "Ed McCaffrey"}, {"answer_start": 210, "text": "Ed McCaffrey"}], "question": "Who handled the color commentary for Denver's radio stations?", "id": "56d724620d65d214001983bf"}, {"answers": [{"answer_start": 263, "text": "WBT"}, {"answer_start": 263, "text": "WBT (1110 AM)"}, {"answer_start": 263, "text": "WBT (1110 AM)"}], "question": "Which station covered the game for North Carolina?", "id": "56d724620d65d214001983c0"}, {"answers": [{"answer_start": 303, "text": "Mick Mixon"}, {"answer_start": 303, "text": "Mick Mixon"}, {"answer_start": 303, "text": "Mick Mixon"}], "question": "Who handled the play-by-play for WBT?", "id": "56d724620d65d214001983c1"}, {"answers": [{"answer_start": 120, "text": "KOA (850 AM) and KRFX (103.5 FM)"}, {"answer_start": 120, "text": "KOA (850 AM) and KRFX (103.5 FM)"}, {"answer_start": 120, "text": "KOA (850 AM) and KRFX (103.5 FM)"}], "question": "What two radio stations in Denver carried Super Bowl 50?", "id": "56d9c203dc89441400fdb7a0"}, {"answers": [{"answer_start": 440, "text": "WBT-FM (99.3 FM)"}, {"answer_start": 263, "text": "WBT (1110 AM)"}, {"answer_start": 440, "text": "WBT-FM"}], "question": "What radio station in South Carolina carried the Super Bowl 50 game?", "id": "56d9c203dc89441400fdb7a3"}]}, {"context": "In the United Kingdom, BBC Radio 5 Live and 5 Live Sports Extra will carry the contest. The BBC will carry its own British English broadcast, with Greg Brady, Darren Fletcher and Rocky Boiman on commentary.", "qas": [{"answers": [{"answer_start": 23, "text": "BBC Radio 5"}, {"answer_start": 27, "text": "Radio 5 Live"}, {"answer_start": 23, "text": "BBC Radio 5 Live"}], "question": "What BBC radio station will carry the game in the United Kingdom?", "id": "56bec5ff3aeaaa14008c93e3"}, {"answers": [{"answer_start": 44, "text": "5 Live Sports Extra"}, {"answer_start": 44, "text": "5 Live Sports Extra"}, {"answer_start": 44, "text": "5 Live Sports Extra"}], "question": "Aside from BBC Radio 5, what radio station will broadcast the game?", "id": "56bec5ff3aeaaa14008c93e4"}, {"answers": [{"answer_start": 159, "text": "Darren Fletcher"}, {"answer_start": 159, "text": "Darren Fletcher"}, {"answer_start": 159, "text": "Darren Fletcher"}], "question": "Who makes up the BBC commentary team with Greg Brady and Rocky Boiman?", "id": "56bec5ff3aeaaa14008c93e5"}, {"answers": [{"answer_start": 23, "text": "BBC"}, {"answer_start": 23, "text": "BBC"}, {"answer_start": 92, "text": "BBC"}], "question": "What British TV network will carry the Super Bowl?", "id": "56d724ea0d65d214001983c8"}, {"answers": [{"answer_start": 147, "text": "Greg Brady"}, {"answer_start": 147, "text": "Greg Brady"}, {"answer_start": 147, "text": "Greg Brady"}], "question": "British commentators include, Darren Fletcher, Rocky Boiman and who else?", "id": "56d724ea0d65d214001983c9"}]}, {"context": "In honor of the 50th Super Bowl, the pregame ceremony featured the on-field introduction of 39 of the 43 previous Super Bowl Most Valuable Players. Bart Starr (MVP of Super Bowls I and II) and Chuck Howley (MVP of Super Bowl V) appeared via video, while Peyton Manning (MVP of Super Bowl XLI and current Broncos quarterback) was shown in the locker room preparing for the game. No plans were announced regarding the recognition of Harvey Martin, co-MVP of Super Bowl XII, who died in 2001.", "qas": [{"answers": [{"answer_start": 148, "text": "Bart Starr"}, {"answer_start": 148, "text": "Bart Starr"}, {"answer_start": 153, "text": "Starr"}], "question": "Who was the Most Valuable Player of Super Bowl II?", "id": "56bec6573aeaaa14008c93e9"}, {"answers": [{"answer_start": 193, "text": "Chuck Howley"}, {"answer_start": 193, "text": "Chuck Howley"}, {"answer_start": 199, "text": "Howley"}], "question": "What player won the MVP in Super Bowl V?", "id": "56bec6573aeaaa14008c93ea"}, {"answers": [{"answer_start": 254, "text": "Peyton Manning"}, {"answer_start": 254, "text": "Peyton Manning"}, {"answer_start": 261, "text": "Manning"}], "question": "Who was the Most Valuable Player of Super Bowl XLI?", "id": "56bec6573aeaaa14008c93eb"}, {"answers": [{"answer_start": 484, "text": "2001"}, {"answer_start": 484, "text": "2001"}, {"answer_start": 484, "text": "2001"}], "question": "In what year did Harvey Martin die?", "id": "56bec6573aeaaa14008c93ec"}, {"answers": [{"answer_start": 254, "text": "Peyton Manning"}, {"answer_start": 254, "text": "Peyton Manning"}, {"answer_start": 261, "text": "Manning"}], "question": "Who is the present quarterback of the Broncos?", "id": "56bec6573aeaaa14008c93ed"}, {"answers": [{"answer_start": 92, "text": "39"}, {"answer_start": 92, "text": "39"}, {"answer_start": 92, "text": "39"}], "question": "How many of the prior Super Bowl MVPs appeared together at the pregame show?", "id": "56d7251d0d65d214001983cc"}, {"answers": [{"answer_start": 254, "text": "Peyton Manning"}, {"answer_start": 254, "text": "Peyton Manning"}, {"answer_start": 261, "text": "Manning"}], "question": "What former MVP was shown in the locker room?", "id": "56d7251d0d65d214001983cd"}, {"answers": [{"answer_start": 431, "text": "Harvey Martin"}, {"answer_start": 431, "text": "Harvey Martin"}, {"answer_start": 438, "text": "Martin"}], "question": "Which MVP died in 2001?", "id": "56d7251d0d65d214001983cf"}, {"answers": [{"answer_start": 102, "text": "43"}, {"answer_start": 102, "text": "43"}, {"answer_start": 102, "text": "43"}], "question": "How many players have been awarded the Most Valuable Player distinction for the Super Bowl?", "id": "56d9c3a6dc89441400fdb7b4"}, {"answers": [{"answer_start": 92, "text": "39"}, {"answer_start": 92, "text": "39"}, {"answer_start": 92, "text": "39"}], "question": "How many former MVP honorees were present for a pregame ceremony?", "id": "56d9c3a6dc89441400fdb7b5"}, {"answers": [{"answer_start": 148, "text": "Bart Starr"}, {"answer_start": 148, "text": "Bart Starr"}, {"answer_start": 153, "text": "Starr"}], "question": "Who was the MVP of Super Bowl I and II?", "id": "56d9c3a6dc89441400fdb7b6"}, {"answers": [{"answer_start": 254, "text": "Peyton Manning"}, {"answer_start": 254, "text": "Peyton Manning"}, {"answer_start": 261, "text": "Manning"}], "question": "Who was the MVP of Super Bowl XLI?", "id": "56d9c3a6dc89441400fdb7b7"}, {"answers": [{"answer_start": 431, "text": "Harvey Martin"}, {"answer_start": 431, "text": "Harvey Martin"}, {"answer_start": 431, "text": "Harvey Martin"}], "question": "Which MVP honoree died in 2001?", "id": "56d9c3a6dc89441400fdb7b8"}]}, {"context": "Six-time Grammy winner and Academy Award nominee Lady Gaga performed the national anthem, while Academy Award winner Marlee Matlin provided American Sign Language (ASL) translation.", "qas": [{"answers": [{"answer_start": 0, "text": "Six"}, {"answer_start": 0, "text": "Six"}, {"answer_start": 0, "text": "Six"}], "question": "How many Grammys has Lady Gaga won?", "id": "56bec6ac3aeaaa14008c93fd"}, {"answers": [{"answer_start": 69, "text": "the national anthem"}, {"answer_start": 69, "text": "the national anthem"}, {"answer_start": 73, "text": "national anthem"}], "question": "What did Lady Gaga sing?", "id": "56bec6ac3aeaaa14008c93fe"}, {"answers": [{"answer_start": 27, "text": "Academy Award"}, {"answer_start": 96, "text": "Academy Award"}, {"answer_start": 96, "text": "Academy Award"}], "question": "What award has Marlee Matlin won?", "id": "56bec6ac3aeaaa14008c93ff"}, {"answers": [{"answer_start": 69, "text": "the national anthem"}, {"answer_start": 69, "text": "the national anthem"}, {"answer_start": 73, "text": "national anthem"}], "question": "What did Marlee Matlin translate?", "id": "56bec6ac3aeaaa14008c9400"}, {"answers": [{"answer_start": 140, "text": "American Sign Language"}, {"answer_start": 140, "text": "American Sign Language"}, {"answer_start": 140, "text": "American Sign Language"}], "question": "Into what language did Marlee Matlin translate the national anthem?", "id": "56bec6ac3aeaaa14008c9401"}, {"answers": [{"answer_start": 49, "text": "Lady Gaga"}, {"answer_start": 49, "text": "Lady Gaga"}, {"answer_start": 49, "text": "Lady Gaga"}], "question": "Who sang the national anthem?", "id": "56d20650e7d4791d00902614"}, {"answers": [{"answer_start": 117, "text": "Marlee Matlin"}, {"answer_start": 117, "text": "Marlee Matlin"}, {"answer_start": 117, "text": "Marlee Matlin"}], "question": "What actress did the ASL translation for the game?", "id": "56d20650e7d4791d00902615"}, {"answers": [{"answer_start": 49, "text": "Lady Gaga"}, {"answer_start": 49, "text": "Lady Gaga"}, {"answer_start": 49, "text": "Lady Gaga"}], "question": "Who did the National Anthem at Super Bowl 50?", "id": "56d7253b0d65d214001983d4"}, {"answers": [{"answer_start": 117, "text": "Marlee Matlin"}, {"answer_start": 117, "text": "Marlee Matlin"}, {"answer_start": 117, "text": "Marlee Matlin"}], "question": "What actor did sign language for the National Anthem at Superbowl 50?", "id": "56d7253b0d65d214001983d5"}, {"answers": [{"answer_start": 49, "text": "Lady Gaga"}, {"answer_start": 49, "text": "Lady Gaga"}, {"answer_start": 49, "text": "Lady Gaga"}], "question": "Who did the Super Bowl 50 National Anthem?", "id": "56d9c455dc89441400fdb7c4"}, {"answers": [{"answer_start": 0, "text": "Six"}, {"answer_start": 0, "text": "Six"}, {"answer_start": 0, "text": "Six"}], "question": "How many Grammy Award's does the text say Lady Gaga has won?", "id": "56d9c455dc89441400fdb7c5"}, {"answers": [{"answer_start": 117, "text": "Marlee Matlin"}, {"answer_start": 117, "text": "Marlee Matlin"}, {"answer_start": 117, "text": "Marlee Matlin"}], "question": "Who did the sign language of the National Anthem at Super Bowl 50?", "id": "56d9c455dc89441400fdb7c6"}]}, {"context": "In late November 2015, reports surfaced stating that \"multiple acts\" would perform during the halftime show. On December 3, the league confirmed that the show would be headlined by the British rock group Coldplay. On January 7, 2016, Pepsi confirmed to the Associated Press that Beyonc\u00e9, who headlined the Super Bowl XLVII halftime show and collaborated with Coldplay on the single \"Hymn for the Weekend\", would be making an appearance. Bruno Mars, who headlined the Super Bowl XLVIII halftime show, and Mark Ronson also performed.", "qas": [{"answers": [{"answer_start": 112, "text": "December 3"}, {"answer_start": 112, "text": "December 3"}, {"answer_start": 112, "text": "December 3"}], "question": "On what date did the NFL announce that Coldplay would headline the halftime show?", "id": "56bec7353aeaaa14008c940d"}, {"answers": [{"answer_start": 185, "text": "British"}, {"answer_start": 185, "text": "British"}, {"answer_start": 185, "text": "British"}], "question": "What nationality is the band Coldplay?", "id": "56bec7353aeaaa14008c940e"}, {"answers": [{"answer_start": 306, "text": "Super Bowl XLVII"}, {"answer_start": 306, "text": "Super Bowl XLVII"}, {"answer_start": 317, "text": "XLVII"}], "question": "At what Super Bowl did Beyonc\u00e9 headline the halftime show?", "id": "56bec7353aeaaa14008c940f"}, {"answers": [{"answer_start": 382, "text": "\"Hymn for the Weekend\""}, {"answer_start": 383, "text": "Hymn for the Weekend"}, {"answer_start": 383, "text": "Hymn for the Weekend"}], "question": "What was the name of the single that Coldplay and Beyonc\u00e9 collaborated on?", "id": "56bec7353aeaaa14008c9410"}, {"answers": [{"answer_start": 467, "text": "Super Bowl XLVIII"}, {"answer_start": 467, "text": "Super Bowl XLVIII"}, {"answer_start": 478, "text": "XLVIII"}], "question": "What previous Super Bowl halftime show did Bruno Mars headline?", "id": "56bec7353aeaaa14008c9411"}, {"answers": [{"answer_start": 204, "text": "Coldplay."}, {"answer_start": 204, "text": "Coldplay"}, {"answer_start": 204, "text": "Coldplay"}], "question": "Who lead the halftime show of Super Bowl 50?", "id": "56d725790d65d214001983d8"}, {"answers": [{"answer_start": 234, "text": "Pepsi"}, {"answer_start": 234, "text": "Pepsi"}, {"answer_start": 234, "text": "Pepsi"}], "question": "What company confirmed that Beyonc\u00e9 would participate in the Super Bowl 50 halftime show?", "id": "56d725790d65d214001983da"}, {"answers": [{"answer_start": 382, "text": "\"Hymn for the Weekend\""}, {"answer_start": 383, "text": "Hymn for the Weekend"}, {"answer_start": 383, "text": "Hymn for the Weekend"}], "question": "What song did Coldplay and Beyonc\u00e9 collaborate on for the Super Bowl 50 halftime show?", "id": "56d725790d65d214001983db"}, {"answers": [{"answer_start": 204, "text": "Coldplay."}, {"answer_start": 204, "text": "Coldplay"}, {"answer_start": 204, "text": "Coldplay"}], "question": "Who headlined the Super Bowl 50 halftime show?", "id": "56d9c551dc89441400fdb7d0"}, {"answers": [{"answer_start": 279, "text": "Beyonc\u00e9"}, {"answer_start": 279, "text": "Beyonc\u00e9"}, {"answer_start": 279, "text": "Beyonc\u00e9"}], "question": "On January 7, 2016, it was confirmed that which start would join Coldplay for the halftime show?", "id": "56d9c551dc89441400fdb7d1"}, {"answers": [{"answer_start": 383, "text": "Hymn for the Weekend"}, {"answer_start": 383, "text": "Hymn for the Weekend"}, {"answer_start": 443, "text": "Mars"}], "question": "Which single did Beyonc\u00e9 and Coldplay collaborate on?", "id": "56d9c551dc89441400fdb7d2"}, {"answers": [{"answer_start": 437, "text": "Bruno Mars"}, {"answer_start": 437, "text": "Bruno Mars"}, {"answer_start": 437, "text": "Bruno Mars,"}], "question": "What other former halftime show performer joined Coldplay and Beyonc\u00e9 for the Super Bowl 50 halftime show?", "id": "56d9c551dc89441400fdb7d3"}]}, {"context": "Denver took the opening kickoff and started out strong with Peyton Manning completing an 18-yard pass to tight end Owen Daniels and a 22-yard throw to receiver Andre Caldwell. A pair of carries by C. J. Anderson moved the ball up 20 yards to the Panthers 14-yard line, but Carolina's defense dug in over the next three plays. First, linebacker Shaq Thompson tackled Ronnie Hillman for a 3-yard loss. Then after an incompletion, Thomas Davis tackled Anderson for a 1-yard gain on third down, forcing Denver to settle for a 3\u20130 lead on a Brandon McManus 34-yard field goal. The score marked the first time in the entire postseason that Carolina was facing a deficit.", "qas": [{"answers": [{"answer_start": 0, "text": "Denver"}, {"answer_start": 0, "text": "Denver"}, {"answer_start": 0, "text": "Denver"}], "question": "What team received the opening kickoff?", "id": "56bec7a63aeaaa14008c9417"}, {"answers": [{"answer_start": 160, "text": "Andre Caldwell"}, {"answer_start": 160, "text": "Andre Caldwell"}, {"answer_start": 166, "text": "Caldwell"}], "question": "Who was at the receiving end of a 22-yard pass from Peyton Manning?", "id": "56bec7a63aeaaa14008c9418"}, {"answers": [{"answer_start": 366, "text": "Ronnie Hillman"}, {"answer_start": 366, "text": "Ronnie Hillman"}, {"answer_start": 373, "text": "Hillman"}], "question": "Who lost 3 yards on a tackle by Shaq Thompson?", "id": "56bec7a63aeaaa14008c9419"}, {"answers": [{"answer_start": 536, "text": "Brandon McManus"}, {"answer_start": 536, "text": "Brandon McManus"}, {"answer_start": 544, "text": "McManus"}], "question": "Who kicked a field goal for Denver?", "id": "56bec7a63aeaaa14008c941a"}, {"answers": [{"answer_start": 197, "text": "C. J. Anderson"}, {"answer_start": 197, "text": "C. J. Anderson"}, {"answer_start": 203, "text": "Anderson"}], "question": "Who ran the ball twice for 20 yards on this drive?", "id": "56bec7a63aeaaa14008c941b"}, {"answers": [{"answer_start": 89, "text": "18"}, {"answer_start": 89, "text": "18"}, {"answer_start": 134, "text": "22-yard"}], "question": "How many yards was the pass on the first drive?", "id": "56d728a10d65d21400198413"}, {"answers": [{"answer_start": 344, "text": "Shaq Thompson"}, {"answer_start": 344, "text": "Shaq Thompson"}, {"answer_start": 349, "text": "Thompson"}], "question": "Who tackled Ronnie Hillman for a loss of yardage?", "id": "56d728a10d65d21400198414"}, {"answers": [{"answer_start": 536, "text": "Brandon McManus"}, {"answer_start": 536, "text": "Brandon McManus"}, {"answer_start": 544, "text": "McManus"}], "question": "Who kicked the field goal for Denver on the first drive of Super Bowl 50?", "id": "56d728a10d65d21400198415"}, {"answers": [{"answer_start": 654, "text": "a deficit."}, {"answer_start": 654, "text": "a deficit"}, {"answer_start": 656, "text": "deficit"}], "question": "This was the first time that the Carolina team faced what in the post season?", "id": "56d728a10d65d21400198416"}, {"answers": [{"answer_start": 0, "text": "Denver"}, {"answer_start": 634, "text": "Carolina"}, {"answer_start": 0, "text": "Denver"}], "question": "Which team had the first kickoff?", "id": "56d9c5e7dc89441400fdb7d8"}, {"answers": [{"answer_start": 115, "text": "Owen Daniels"}, {"answer_start": 115, "text": "Owen Daniels"}, {"answer_start": 120, "text": "Daniels"}], "question": "Who did Peyton Manning complete an 18 yard pass to on the opening drive?", "id": "56d9c5e7dc89441400fdb7d9"}, {"answers": [{"answer_start": 197, "text": "C. J. Anderson"}, {"answer_start": 197, "text": "C. J. Anderson"}, {"answer_start": 203, "text": "Anderson"}], "question": "Which Denver player took the ball to the Panthers 14 yard line?", "id": "56d9c5e7dc89441400fdb7da"}, {"answers": [{"answer_start": 536, "text": "Brandon McManus"}, {"answer_start": 536, "text": "Brandon McManus"}, {"answer_start": 544, "text": "McManus"}], "question": "Who scored the first points for Denver?", "id": "56d9c5e7dc89441400fdb7db"}, {"answers": [{"answer_start": 654, "text": "a deficit."}, {"answer_start": 654, "text": "a deficit"}, {"answer_start": 656, "text": "deficit"}], "question": "What did Carolina face in the opening drive that they had not faced the entire postseason?", "id": "56d9c5e7dc89441400fdb7dc"}]}, {"context": "After each team punted, Panthers quarterback Cam Newton appeared to complete a 24-yard pass Jerricho Cotchery, but the call was ruled an incompletion and upheld after a replay challenge. CBS analyst and retired referee Mike Carey stated he disagreed with the call and felt the review clearly showed the pass was complete. A few plays later, on 3rd-and-10 from the 15-yard line, linebacker Von Miller knocked the ball out of Newton's hands while sacking him, and Malik Jackson recovered it in the end zone for a Broncos touchdown, giving the team a 10\u20130 lead. This was the first fumble return touchdown in a Super Bowl since Super Bowl XXVIII at the end of the 1993 season.", "qas": [{"answers": [{"answer_start": 219, "text": "Mike Carey"}, {"answer_start": 219, "text": "Mike Carey"}, {"answer_start": 224, "text": "Carey"}], "question": "Which former referee served as an analyst for CBS?", "id": "56bec8243aeaaa14008c942b"}, {"answers": [{"answer_start": 45, "text": "Cam Newton"}, {"answer_start": 45, "text": "Cam Newton"}, {"answer_start": 49, "text": "Newton"}], "question": "Whose pass to Jerricho Cotchery was ruled incomplete?", "id": "56bec8243aeaaa14008c942c"}, {"answers": [{"answer_start": 389, "text": "Von Miller"}, {"answer_start": 389, "text": "Von Miller"}, {"answer_start": 393, "text": "Miller"}], "question": "Who stripped the ball from Cam Newton while sacking him on this drive?", "id": "56bec8243aeaaa14008c942d"}, {"answers": [{"answer_start": 462, "text": "Malik Jackson"}, {"answer_start": 462, "text": "Malik Jackson"}, {"answer_start": 468, "text": "Jackson"}], "question": "Which player recovered possession of the ball in the end zone?", "id": "56bec8243aeaaa14008c942e"}, {"answers": [{"answer_start": 624, "text": "Super Bowl XXVIII"}, {"answer_start": 624, "text": "Super Bowl XXVIII"}, {"answer_start": 635, "text": "XXVIII"}], "question": "What Super Bowl was the last where a fumble was returned for a touchdown?", "id": "56bec8243aeaaa14008c942f"}, {"answers": [{"answer_start": 92, "text": "Jerricho Cotchery"}, {"answer_start": 92, "text": "Jerricho Cotchery"}, {"answer_start": 101, "text": "Cotchery"}], "question": "Who received the pass that was ruled incomplete and confirmed after a challenge?", "id": "56d728e00d65d2140019841c"}, {"answers": [{"answer_start": 219, "text": "Mike Carey"}, {"answer_start": 219, "text": "Mike Carey"}, {"answer_start": 224, "text": "Carey"}], "question": "What analyst did not agree with the ruling of the incomplete pass?", "id": "56d728e00d65d2140019841d"}, {"answers": [{"answer_start": 389, "text": "Von Miller"}, {"answer_start": 389, "text": "Von Miller"}, {"answer_start": 393, "text": "Miller"}], "question": "Who, according to the text, caused Cam Newton to lose the ball during a tackle?", "id": "56d728e00d65d2140019841e"}, {"answers": [{"answer_start": 462, "text": "Malik Jackson"}, {"answer_start": 462, "text": "Malik Jackson"}, {"answer_start": 468, "text": "Jackson"}], "question": "Who received the ball that cam Newton lost during a tackle to make it a Denver touchdown?", "id": "56d728e00d65d2140019841f"}, {"answers": [{"answer_start": 660, "text": "1993"}, {"answer_start": 660, "text": "1993"}, {"answer_start": 660, "text": "1993"}], "question": "What year was the last time a fumble return touchdown like this occurred?", "id": "56d728e00d65d21400198420"}, {"answers": [{"answer_start": 219, "text": "Mike Carey"}, {"answer_start": 219, "text": "Mike Carey"}, {"answer_start": 224, "text": "Carey"}], "question": "Which retired ref disagreed with the outcome of the challenge of a incomplete pass?", "id": "56d9c660dc89441400fdb7e7"}, {"answers": [{"answer_start": 389, "text": "Von Miller"}, {"answer_start": 389, "text": "Von Miller"}, {"answer_start": 393, "text": "Miller"}], "question": "Who sacked Newton a few plays after the challenge?", "id": "56d9c660dc89441400fdb7e8"}, {"answers": [{"answer_start": 462, "text": "Malik Jackson"}, {"answer_start": 462, "text": "Malik Jackson"}, {"answer_start": 468, "text": "Jackson"}], "question": "Who recovered the fumble and ran the ball in for a touchdown?", "id": "56d9c660dc89441400fdb7e9"}, {"answers": [{"answer_start": 624, "text": "Super Bowl XXVIII"}, {"answer_start": 645, "text": "the end of the 1993 season"}, {"answer_start": 660, "text": "1993"}], "question": "When is the last time a fumble return touchdown happened in a Super Bowl?", "id": "56d9c660dc89441400fdb7ea"}]}, {"context": "After a punt from both teams, Carolina got on track with a 9-play, 73-yard scoring drive. Newton completed 4 of 4 passes for 51 yards and rushed twice for 25 yards, while Jonathan Stewart finished the drive with a 1-yard touchdown run, cutting the score to 10\u20137 with 11:28 left in the second quarter. Later on, Broncos receiver Jordan Norwood received Brad Nortman's short 28-yard punt surrounded by Panthers players, but none of them attempted to make a tackle, apparently thinking Norwood had called a fair catch. Norwood had not done so, and with no resistance around him, he took off for a Super Bowl record 61-yard return before Mario Addison dragged him down on the Panthers 14-yard line. Despite Denver's excellent field position, they could not get the ball into the end zone, so McManus kicked a 33-yard field goal that increased their lead to 13\u20137.", "qas": [{"answers": [{"answer_start": 171, "text": "Jonathan Stewart"}, {"answer_start": 171, "text": "Jonathan Stewart"}, {"answer_start": 180, "text": "Stewart"}], "question": "Who ran for a Carolina touchdown to make the score 10\u20137?", "id": "56bec8a13aeaaa14008c9435"}, {"answers": [{"answer_start": 352, "text": "Brad Nortman"}, {"answer_start": 352, "text": "Brad Nortman"}, {"answer_start": 357, "text": "Nortman"}], "question": "Who punted the ball for Carolina?", "id": "56bec8a13aeaaa14008c9436"}, {"answers": [{"answer_start": 270, "text": "28"}, {"answer_start": 373, "text": "28"}, {"answer_start": 373, "text": "28"}], "question": "How many yards did Brad Nortman's punt travel?", "id": "56bec8a13aeaaa14008c9437"}, {"answers": [{"answer_start": 612, "text": "61"}, {"answer_start": 612, "text": "61"}, {"answer_start": 612, "text": "61"}], "question": "How many yards did Jordan Norwood return a punt to set the Super Bowl record?", "id": "56bec8a13aeaaa14008c9438"}, {"answers": [{"answer_start": 805, "text": "33"}, {"answer_start": 805, "text": "33"}, {"answer_start": 805, "text": "33"}], "question": "How many yards was the McManus field goal?", "id": "56bec8a13aeaaa14008c9439"}, {"answers": [{"answer_start": 125, "text": "51"}, {"answer_start": 125, "text": "51"}, {"answer_start": 125, "text": "51"}], "question": "How many passing yards did Cam Newton get for his 4 of 4 passes?", "id": "56d729180d65d21400198426"}, {"answers": [{"answer_start": 171, "text": "Jonathan Stewart"}, {"answer_start": 171, "text": "Jonathan Stewart"}, {"answer_start": 180, "text": "Stewart"}], "question": "Who got a touchdown making the score 10-7?", "id": "56d729180d65d21400198427"}, {"answers": [{"answer_start": 267, "text": "11:28"}, {"answer_start": 267, "text": "11:28"}, {"answer_start": 267, "text": "11:28"}], "question": "How much time was left in the quarter when Stewart got the touchdown?", "id": "56d729180d65d21400198428"}, {"answers": [{"answer_start": 328, "text": "Jordan Norwood"}, {"answer_start": 328, "text": "Jordan Norwood"}, {"answer_start": 516, "text": "Norwood"}], "question": "Who got a 61-yard return when players thought he called for a fair catch but did not?", "id": "56d729180d65d21400198429"}, {"answers": [{"answer_start": 805, "text": "33"}, {"answer_start": 805, "text": "33"}, {"answer_start": 805, "text": "33"}], "question": "How many yards was the field goal that made the score 13-7 in Super Bowl 50?", "id": "56d729180d65d2140019842a"}, {"answers": [{"answer_start": 171, "text": "Jonathan Stewart"}, {"answer_start": 171, "text": "Jonathan Stewart"}, {"answer_start": 180, "text": "Stewart"}], "question": "Who scored the Panthers first touchdown? ", "id": "56d9c6e0dc89441400fdb7f0"}, {"answers": [{"answer_start": 813, "text": "field goal"}, {"answer_start": 813, "text": "field goal"}, {"answer_start": 813, "text": "field goal"}], "question": "How did Denver score at the end of the drive?", "id": "56d9c6e0dc89441400fdb7f4"}]}, {"context": "On Carolina's next possession fullback Mike Tolbert lost a fumble while being tackled by safety Darian Stewart, which linebacker Danny Trevathan recovered on the Broncos 40-yard line. However, the Panthers soon took the ball back when defensive end Kony Ealy tipped a Manning pass to himself and then intercepted it, returning the ball 19 yards to the Panthers 39-yard line with 1:55 left on the clock. The Panthers could not gain any yards with their possession and had to punt. After a Denver punt, Carolina drove to the Broncos 45-yard line. But with 11 seconds left, Newton was sacked by DeMarcus Ware as time expired in the half.", "qas": [{"answers": [{"answer_start": 96, "text": "Darian Stewart"}, {"answer_start": 96, "text": "Darian Stewart"}, {"answer_start": 103, "text": "Stewart"}], "question": "Who tackled Mike Tolbert and caused a fumble?", "id": "56bec9133aeaaa14008c9445"}, {"answers": [{"answer_start": 118, "text": "linebacker"}, {"answer_start": 118, "text": "linebacker"}, {"answer_start": 118, "text": "linebacker"}], "question": "What position does Danny Trevathan play?", "id": "56bec9133aeaaa14008c9446"}, {"answers": [{"answer_start": 249, "text": "Kony Ealy"}, {"answer_start": 249, "text": "Kony Ealy"}, {"answer_start": 254, "text": "Ealy"}], "question": "Which Panther tipped a Manning pass to himself and picked it off?", "id": "56bec9133aeaaa14008c9447"}, {"answers": [{"answer_start": 571, "text": "Newton"}, {"answer_start": 571, "text": "Newton"}, {"answer_start": 571, "text": "Newton"}], "question": "Who was sacked as the first half clock expired?", "id": "56bec9133aeaaa14008c9448"}, {"answers": [{"answer_start": 592, "text": "DeMarcus Ware"}, {"answer_start": 592, "text": "DeMarcus Ware"}, {"answer_start": 601, "text": "Ware"}], "question": "Who sacked Cam Newton at the end of the half?", "id": "56bec9133aeaaa14008c9449"}, {"answers": [{"answer_start": 39, "text": "Mike Tolbert"}, {"answer_start": 39, "text": "Mike Tolbert"}, {"answer_start": 44, "text": "Tolbert"}], "question": "Who fumbled the ball when tackled by Darian Stewart?", "id": "56d729ec0d65d21400198430"}, {"answers": [{"answer_start": 249, "text": "Kony Ealy"}, {"answer_start": 249, "text": "Kony Ealy"}, {"answer_start": 254, "text": "Ealy"}], "question": "Who tipped Peyton's pass for an interception?", "id": "56d729ec0d65d21400198431"}, {"answers": [{"answer_start": 336, "text": "19"}, {"answer_start": 336, "text": "19"}, {"answer_start": 336, "text": "19"}], "question": "How many yards did the interception gain when the ball was tipped away from Manning?", "id": "56d729ec0d65d21400198432"}, {"answers": [{"answer_start": 592, "text": "DeMarcus Ware"}, {"answer_start": 592, "text": "DeMarcus Ware"}, {"answer_start": 601, "text": "Ware"}], "question": "Who tackled the Carolina Panthers' quarterback just before the end of the first half?", "id": "56d729ec0d65d21400198434"}, {"answers": [{"answer_start": 39, "text": "Mike Tolbert"}, {"answer_start": 39, "text": "Mike Tolbert"}, {"answer_start": 44, "text": "Tolbert"}], "question": "Which fullback fumbled the ball after a Darian Stewart tackle?", "id": "56d9c79edc89441400fdb804"}, {"answers": [{"answer_start": 129, "text": "Danny Trevathan"}, {"answer_start": 129, "text": "Danny Trevathan"}, {"answer_start": 103, "text": "Stewart"}], "question": "Who recovered Tolbert's fumble?", "id": "56d9c79edc89441400fdb805"}, {"answers": [{"answer_start": 249, "text": "Kony Ealy"}, {"answer_start": 249, "text": "Kony Ealy"}, {"answer_start": 254, "text": "Ealy"}], "question": "Who intercepted a Manning pass, giving the ball back to the Panthers?", "id": "56d9c79edc89441400fdb806"}, {"answers": [{"answer_start": 474, "text": "punt"}, {"answer_start": 571, "text": "Newton was sacked"}, {"answer_start": 582, "text": "sacked"}], "question": "How did the drive end for the Panthers?", "id": "56d9c79edc89441400fdb807"}, {"answers": [{"answer_start": 592, "text": "DeMarcus Ware"}, {"answer_start": 592, "text": "DeMarcus Ware"}, {"answer_start": 601, "text": "Ware"}], "question": "Who sacked Newton with 11 seconds left in the first half?", "id": "56d9c79edc89441400fdb808"}]}, {"context": "The Panthers seemed primed to score on their opening drive of the second half when Newton completed a 45-yard pass to Ted Ginn Jr. on the Denver 35-yard line on their second offensive play. But the Broncos defense halted the drive on the 26-yard line, and it ended with no points when Graham Gano hit the uprights on a 44-yard field goal attempt. After the miss, Manning completed a pair of passes to Emmanuel Sanders for gains of 25 and 22 yards, setting up McManus' 33-yard field goal that gave the Broncos a 16\u20137 lead. Carolina got off to another strong start after the kickoff, with Newton completing a 42-yard pass to Corey Brown. But once again they came up empty, this time as a result of a Newton pass that bounced off the hands of Ginn and was intercepted by safety T. J. Ward. Ward fumbled the ball during the return, but Trevathan recovered it to enable Denver to keep possession.", "qas": [{"answers": [{"answer_start": 118, "text": "Ted Ginn Jr."}, {"answer_start": 118, "text": "Ted Ginn Jr"}, {"answer_start": 118, "text": "Ted Ginn Jr"}], "question": "Who was on the receiving end of a 45-yard pass from Cam Newton?", "id": "56bec98e3aeaaa14008c9455"}, {"answers": [{"answer_start": 285, "text": "Graham Gano"}, {"answer_start": 285, "text": "Graham Gano"}, {"answer_start": 292, "text": "Gano"}], "question": "Who missed a field goal for the Panthers?", "id": "56bec98e3aeaaa14008c9456"}, {"answers": [{"answer_start": 319, "text": "44"}, {"answer_start": 319, "text": "44"}, {"answer_start": 319, "text": "44"}], "question": "How many yards was the missed field goal?", "id": "56bec98e3aeaaa14008c9457"}, {"answers": [{"answer_start": 459, "text": "McManus"}, {"answer_start": 459, "text": "McManus"}, {"answer_start": 459, "text": "McManus"}], "question": "What kicker was successful on a 33-yard field goal?", "id": "56bec98e3aeaaa14008c9458"}, {"answers": [{"answer_start": 775, "text": "T. J. Ward"}, {"answer_start": 775, "text": "T. J. Ward"}, {"answer_start": 781, "text": "Ward"}], "question": "Who picked off Cam Newton and subsequently fumbled the ball?", "id": "56bec98e3aeaaa14008c9459"}, {"answers": [{"answer_start": 118, "text": "Ted Ginn Jr."}, {"answer_start": 118, "text": "Ted Ginn Jr."}, {"answer_start": 118, "text": "Ted Ginn Jr"}], "question": "Who did Newton complete a 45 yard pass to on the opening drive of the second half?", "id": "56d7282f0d65d21400198408"}, {"answers": [{"answer_start": 301, "text": "the uprights"}, {"answer_start": 301, "text": "the uprights"}, {"answer_start": 305, "text": "uprights"}], "question": "What did Gano hit on his 44-yard field goal attempt?", "id": "56d7282f0d65d21400198409"}, {"answers": [{"answer_start": 775, "text": "T. J. Ward."}, {"answer_start": 775, "text": "T. J. Ward"}, {"answer_start": 781, "text": "Ward"}], "question": "Which Broncos player intercepted Newton on the Panthers' next set of downs?", "id": "56d7282f0d65d2140019840a"}, {"answers": [{"answer_start": 832, "text": "Trevathan"}, {"answer_start": 832, "text": "Trevathan"}, {"answer_start": 832, "text": "Trevathan"}], "question": "Who recovered Ward's fumble?", "id": "56d7282f0d65d2140019840c"}, {"answers": [{"answer_start": 118, "text": "Ted Ginn Jr."}, {"answer_start": 118, "text": "Ted Ginn Jr"}], "question": "Who did Newton get a pass to in the Panther starting plays of Super Bowl 50?", "id": "56d9c92bdc89441400fdb80e"}, {"answers": [{"answer_start": 238, "text": "26-yard line"}, {"answer_start": 238, "text": "26"}], "question": "What yard line did the Broncos stop the Panthers on in their first offensive drive of Super Bowl 50?", "id": "56d9c92bdc89441400fdb80f"}, {"answers": [{"answer_start": 285, "text": "Graham Gano"}, {"answer_start": 285, "text": "Graham Gano"}, {"answer_start": 292, "text": "Gano"}], "question": "Who hit the goal post on a field goal attempt?", "id": "56d9c92bdc89441400fdb810"}, {"answers": [{"answer_start": 401, "text": "Emmanuel Sanders"}, {"answer_start": 401, "text": "Emmanuel Sanders"}, {"answer_start": 410, "text": "Sanders"}], "question": "Who caught two passes from Manning after the failed Carolina field goal attempt?", "id": "56d9c92bdc89441400fdb811"}]}, {"context": "There would be no more scoring in the third quarter, but early in the fourth, the Broncos drove to the Panthers 41-yard line. On the next play, Ealy knocked the ball out of Manning's hand as he was winding up for a pass, and then recovered it for Carolina on the 50-yard line. A 16-yard reception by Devin Funchess and a 12-yard run by Stewart then set up Gano's 39-yard field goal, cutting the Panthers deficit to one score at 16\u201310. The next three drives of the game would end in punts.", "qas": [{"answers": [{"answer_start": 144, "text": "Ealy"}, {"answer_start": 144, "text": "Ealy"}, {"answer_start": 144, "text": "Ealy"}], "question": "Who recovered a Manning fumble?", "id": "56bec9e83aeaaa14008c945f"}, {"answers": [{"answer_start": 363, "text": "39"}, {"answer_start": 363, "text": "39"}, {"answer_start": 363, "text": "39"}], "question": "Graham Gano kicked a field goal of how many yards?", "id": "56bec9e83aeaaa14008c9460"}, {"answers": [{"answer_start": 300, "text": "Devin Funchess"}, {"answer_start": 300, "text": "Devin Funchess"}, {"answer_start": 306, "text": "Funchess"}], "question": "Who caught a 16-yard pass on this drive?", "id": "56bec9e83aeaaa14008c9461"}, {"answers": [{"answer_start": 336, "text": "Stewart"}, {"answer_start": 336, "text": "Stewart"}, {"answer_start": 336, "text": "Stewart"}], "question": "Who had a 12-yard rush on this drive?", "id": "56bec9e83aeaaa14008c9462"}, {"answers": [{"answer_start": 112, "text": "41-yard line."}, {"answer_start": 112, "text": "41"}, {"answer_start": 112, "text": "41"}], "question": "Early in the fourth quarter, The Broncos drove to what yard line of the Panthers?", "id": "56d7261e0d65d214001983e0"}, {"answers": [{"answer_start": 144, "text": "Ealy"}, {"answer_start": 144, "text": "Ealy"}, {"answer_start": 144, "text": "Ealy"}], "question": "Who knocked the ball out of Manning's hands on the next play?", "id": "56d7261e0d65d214001983e1"}, {"answers": [{"answer_start": 263, "text": "50-yard line."}, {"answer_start": 256, "text": "on the 50-yard line"}, {"answer_start": 263, "text": "50"}], "question": "Where was the ball recovered?", "id": "56d7261e0d65d214001983e2"}, {"answers": [{"answer_start": 482, "text": "punts."}, {"answer_start": 482, "text": "punts"}, {"answer_start": 482, "text": "punts"}], "question": "What did the next three drives result in?", "id": "56d7261e0d65d214001983e4"}, {"answers": [{"answer_start": 144, "text": "Ealy"}, {"answer_start": 144, "text": "Ealy"}, {"answer_start": 144, "text": "Ealy"}], "question": "What is the last name of the player who bumped the ball away from Manning in the fourth quarter of Super Bowl 50?", "id": "56d9ca0adc89441400fdb820"}, {"answers": [{"answer_start": 263, "text": "50-yard line."}, {"answer_start": 112, "text": "41"}, {"answer_start": 263, "text": "50"}], "question": "What yard line was the Broncos on when Manning lost the ball in the fourth quarter?", "id": "56d9ca0adc89441400fdb821"}, {"answers": [{"answer_start": 363, "text": "39-yard"}, {"answer_start": 363, "text": "39"}, {"answer_start": 363, "text": "39"}], "question": "How many yards was the field goal Gano made to make the score 16-10?", "id": "56d9ca0adc89441400fdb822"}, {"answers": [{"answer_start": 444, "text": "three"}, {"answer_start": 444, "text": "three"}, {"answer_start": 435, "text": "The next three drives"}], "question": "How many of the following three fourth quarter drives after the field goal makng the score 16-10 ended in punts?", "id": "56d9ca0adc89441400fdb823"}]}, {"context": "With 4:51 left in regulation, Carolina got the ball on their own 24-yard line with a chance to mount a game-winning drive, and soon faced 3rd-and-9. On the next play, Miller stripped the ball away from Newton, and after several players dove for it, it took a long bounce backwards and was recovered by Ward, who returned it five yards to the Panthers 4-yard line. Although several players dove into the pile to attempt to recover it, Newton did not and his lack of aggression later earned him heavy criticism. Meanwhile, Denver's offense was kept out of the end zone for three plays, but a holding penalty on cornerback Josh Norman gave the Broncos a new set of downs. Then Anderson scored on a 2-yard touchdown run and Manning completed a pass to Bennie Fowler for a 2-point conversion, giving Denver a 24\u201310 lead with 3:08 left and essentially putting the game away. Carolina had two more drives, but failed to get a first down on each one.", "qas": [{"answers": [{"answer_start": 65, "text": "24"}, {"answer_start": 55, "text": "their own 24"}, {"answer_start": 65, "text": "24"}], "question": "On what yard line did Carolina begin with 4:51 left in the game?", "id": "56beca913aeaaa14008c946d"}, {"answers": [{"answer_start": 202, "text": "Newton"}, {"answer_start": 202, "text": "Newton"}, {"answer_start": 434, "text": "Newton"}], "question": "Who fumbled the ball on 3rd-and-9?", "id": "56beca913aeaaa14008c946e"}, {"answers": [{"answer_start": 620, "text": "Josh Norman"}, {"answer_start": 620, "text": "Josh Norman"}, {"answer_start": 625, "text": "Norman"}], "question": "What Panther defender was called for holding on third down?", "id": "56beca913aeaaa14008c946f"}, {"answers": [{"answer_start": 674, "text": "Anderson"}, {"answer_start": 674, "text": "Anderson"}, {"answer_start": 674, "text": "Anderson"}], "question": "What player punched the ball in from the 2?", "id": "56beca913aeaaa14008c9470"}, {"answers": [{"answer_start": 748, "text": "Bennie Fowler"}, {"answer_start": 748, "text": "Bennie Fowler"}, {"answer_start": 755, "text": "Fowler"}], "question": "Who was the receiver on the successful 2-point conversion?", "id": "56beca913aeaaa14008c9471"}, {"answers": [{"answer_start": 167, "text": "Miller"}, {"answer_start": 167, "text": "Miller"}, {"answer_start": 167, "text": "Miller"}], "question": "Who stripped the ball from Newton on a 3rd and nine?", "id": "56d726b60d65d214001983ea"}, {"answers": [{"answer_start": 275, "text": "wards"}, {"answer_start": 302, "text": "Ward"}, {"answer_start": 302, "text": "Ward"}], "question": "Who recovered the strip ball?", "id": "56d726b60d65d214001983eb"}, {"answers": [{"answer_start": 202, "text": "Newton"}, {"answer_start": 434, "text": "Newton"}, {"answer_start": 434, "text": "Newton"}], "question": "Which player was criticized for not jumping into the pile to recover the ball?", "id": "56d726b60d65d214001983ec"}, {"answers": [{"answer_start": 620, "text": "Josh Norman"}, {"answer_start": 620, "text": "Josh Norman"}, {"answer_start": 625, "text": "Norman"}], "question": "Which Panthers player got a penalty, which gave the Broncos a new set of downs?", "id": "56d726b60d65d214001983ed"}, {"answers": [{"answer_start": 820, "text": "3:08"}, {"answer_start": 820, "text": "3:08"}, {"answer_start": 820, "text": "3:08"}], "question": "How much time was left in the game when Denver took the score to 24-10?", "id": "56d726b60d65d214001983ee"}, {"answers": [{"answer_start": 5, "text": "4:51"}, {"answer_start": 5, "text": "4:51"}, {"answer_start": 5, "text": "4:51"}], "question": "What was the time on the clock when Carolina got the ball to their 24-yard line in the fourth quarter?", "id": "56d9cb47dc89441400fdb832"}, {"answers": [{"answer_start": 167, "text": "Miller"}, {"answer_start": 167, "text": "Miller"}, {"answer_start": 167, "text": "Miller"}], "question": "What was the last name of the player who took the ball away from Newton late in the fourth quarter?", "id": "56d9cb47dc89441400fdb833"}, {"answers": [{"answer_start": 275, "text": "wards"}, {"answer_start": 302, "text": "Ward"}, {"answer_start": 302, "text": "Ward"}], "question": "What is the last name of the player who finally recovered the ball Newton lost in the fourth quarter?", "id": "56d9cb47dc89441400fdb834"}, {"answers": [{"answer_start": 571, "text": "three"}, {"answer_start": 571, "text": "three"}, {"answer_start": 571, "text": "three"}], "question": "How many plays was Denver kept out of the end zone after getting the ball from Newton?", "id": "56d9cb47dc89441400fdb835"}, {"answers": [{"answer_start": 674, "text": "Anderson"}, {"answer_start": 674, "text": "Anderson"}, {"answer_start": 674, "text": "Anderson"}], "question": "What is the last name of the player who scored a 2-yard touchdown in the fourth quarter?", "id": "56d9cb47dc89441400fdb836"}]}, {"context": "Manning finished the game 13 of 23 for 141 yards with one interception and zero touchdowns. Sanders was his top receiver with six receptions for 83 yards. Anderson was the game's leading rusher with 90 yards and a touchdown, along with four receptions for 10 yards. Miller had six total tackles (five solo), 2\u00bd sacks, and two forced fumbles. Ware had five total tackles and two sacks. Ward had seven total tackles, a fumble recovery, and an interception. McManus made all four of his field goals, making him perfect on all 11 attempts during the post-season. Newton completed 18 of 41 passes for 265 yards, with one interception. He was also the team's leading rusher with 45 yards on six carries. Brown caught four passes for 80 yards, while Ginn had four receptions for 74. Ealy was the top defensive performer for Carolina with four total tackles, three sacks, a forced fumble, a fumble recovery, and an interception. Defensive End Charles Johnson had four total tackles, a sack, and a forced fumble. Linebacker Luke Kuechly had 11 total tackles, while Thomas Davis had seven, despite playing just two weeks after breaking his right arm in the NFC title game.", "qas": [{"answers": [{"answer_start": 296, "text": "five"}, {"answer_start": 308, "text": "2\u00bd"}, {"answer_start": 308, "text": "2"}], "question": "How many solo sacks did Von Miller have in the game?", "id": "56becaf93aeaaa14008c9481"}, {"answers": [{"answer_start": 75, "text": "zero"}, {"answer_start": 75, "text": "zero"}, {"answer_start": 75, "text": "zero"}], "question": "How many touchdowns did Manning throw in the game?", "id": "56becaf93aeaaa14008c9482"}, {"answers": [{"answer_start": 236, "text": "four"}, {"answer_start": 472, "text": "four"}, {"answer_start": 472, "text": "four"}], "question": "How many field goals did McManus kick in the game?", "id": "56becaf93aeaaa14008c9483"}, {"answers": [{"answer_start": 1056, "text": "Thomas Davis"}, {"answer_start": 1056, "text": "Thomas Davis"}, {"answer_start": 1063, "text": "Davis"}], "question": "What player played in the Super Bowl after breaking his arm two weeks before?", "id": "56becaf93aeaaa14008c9484"}, {"answers": [{"answer_start": 54, "text": "one"}, {"answer_start": 612, "text": "one"}, {"answer_start": 612, "text": "one"}], "question": "How many picks did Cam Newton throw?", "id": "56becaf93aeaaa14008c9485"}, {"answers": [{"answer_start": 54, "text": "one"}, {"answer_start": 54, "text": "one"}, {"answer_start": 54, "text": "one"}], "question": "How many interceptions did Manning have at the end of the game?", "id": "56d7270c0d65d214001983f4"}, {"answers": [{"answer_start": 75, "text": "zero"}, {"answer_start": 75, "text": "zero"}, {"answer_start": 75, "text": "zero"}], "question": "How many touchdowns did Manning have at the end of the game?", "id": "56d7270c0d65d214001983f5"}, {"answers": [{"answer_start": 155, "text": "Anderson"}, {"answer_start": 155, "text": "Anderson"}, {"answer_start": 155, "text": "Anderson"}], "question": "Who was the game's leading rusher?", "id": "56d7270c0d65d214001983f6"}, {"answers": [{"answer_start": 92, "text": "Sanders"}, {"answer_start": 92, "text": "Sanders"}, {"answer_start": 92, "text": "Sanders"}], "question": "Who was the game's top receiver?", "id": "56d7270c0d65d214001983f7"}, {"answers": [{"answer_start": 1056, "text": "Thomas Davis"}, {"answer_start": 1056, "text": "Thomas Davis"}, {"answer_start": 1063, "text": "Davis"}], "question": "Which player played even though he broke his arm two weeks prior to the Super Bowl?", "id": "56d7270c0d65d214001983f8"}, {"answers": [{"answer_start": 92, "text": "Sanders"}, {"answer_start": 92, "text": "Sanders"}, {"answer_start": 92, "text": "Sanders"}], "question": "What is the last name of the player who was Manning's top receiver for Super Bowl 50?", "id": "56d9ccacdc89441400fdb842"}, {"answers": [{"answer_start": 155, "text": "Anderson"}, {"answer_start": 155, "text": "Anderson"}, {"answer_start": 155, "text": "Anderson"}], "question": "What is th elast name of the player who was the Super Bowl 50 winner's leading rusher?", "id": "56d9ccacdc89441400fdb843"}, {"answers": [{"answer_start": 468, "text": "all four"}, {"answer_start": 468, "text": "all four"}, {"answer_start": 472, "text": "four"}], "question": "How many of the four field goal attempts did McManus succeed at during SUper Bowl 50?", "id": "56d9ccacdc89441400fdb844"}, {"answers": [{"answer_start": 54, "text": "one"}, {"answer_start": 612, "text": "one"}, {"answer_start": 612, "text": "one"}], "question": "How many intercpetions did Newton have in Super Bowl 50?", "id": "56d9ccacdc89441400fdb845"}, {"answers": [{"answer_start": 236, "text": "four"}, {"answer_start": 955, "text": "four"}, {"answer_start": 955, "text": "four"}], "question": "How many total tackles did Charles Johnson have in Super Bowl 50?", "id": "56d9ccacdc89441400fdb846"}]}, {"context": "Super Bowl 50 featured numerous records from individuals and teams. Denver won despite being massively outgained in total yards (315 to 194) and first downs (21 to 11). Their 194 yards and 11 first downs were both the lowest totals ever by a Super Bowl winning team. The previous record was 244 yards by the Baltimore Ravens in Super Bowl XXXV. Only seven other teams had ever gained less than 200 yards in a Super Bowl, and all of them had lost. The Broncos' seven sacks tied a Super Bowl record set by the Chicago Bears in Super Bowl XX. Kony Ealy tied a Super Bowl record with three sacks. Jordan Norwood's 61-yard punt return set a new record, surpassing the old record of 45 yards set by John Taylor in Super Bowl XXIII. Denver was just 1-of-14 on third down, while Carolina was barely better at 3-of-15. The two teams' combined third down conversion percentage of 13.8 was a Super Bowl low. Manning and Newton had quarterback passer ratings of 56.6 and 55.4, respectively, and their added total of 112 is a record lowest aggregate passer rating for a Super Bowl. Manning became the oldest quarterback ever to win a Super Bowl at age 39, and the first quarterback ever to win a Super Bowl with two different teams, while Gary Kubiak became the first head coach to win a Super Bowl with the same franchise he went to the Super Bowl with as a player.", "qas": [{"answers": [{"answer_start": 136, "text": "194"}, {"answer_start": 136, "text": "194"}, {"answer_start": 136, "text": "194"}], "question": "How many total yards did Denver gain?", "id": "56becb823aeaaa14008c948b"}, {"answers": [{"answer_start": 164, "text": "11"}, {"answer_start": 164, "text": "11"}, {"answer_start": 164, "text": "11"}], "question": "How many first downs did Denver have?", "id": "56becb823aeaaa14008c948c"}, {"answers": [{"answer_start": 308, "text": "Baltimore Ravens"}, {"answer_start": 304, "text": "the Baltimore Ravens"}, {"answer_start": 318, "text": "Ravens"}], "question": "What team had 244 yards in Super Bowl XXXV?", "id": "56becb823aeaaa14008c948d"}, {"answers": [{"answer_start": 593, "text": "Jordan Norwood"}, {"answer_start": 593, "text": "Jordan Norwood"}, {"answer_start": 600, "text": "Norwood"}], "question": "Who returned a punt for 61 yards, setting a new Super Bowl record?", "id": "56becb823aeaaa14008c948e"}, {"answers": [{"answer_start": 897, "text": "Manning"}, {"answer_start": 1069, "text": "Manning"}, {"answer_start": 1069, "text": "Manning"}], "question": "Who is the only quarterback to win a Super Bowl with two teams?", "id": "56becb823aeaaa14008c948f"}, {"answers": [{"answer_start": 136, "text": "194"}, {"answer_start": 136, "text": "194"}, {"answer_start": 136, "text": "194"}], "question": "How many yards did Denver have for Super Bowl 50?", "id": "56d7277c0d65d214001983fe"}, {"answers": [{"answer_start": 164, "text": "11"}, {"answer_start": 164, "text": "11"}, {"answer_start": 164, "text": "11"}], "question": "How many first downs did Denver have for Super Bowl 50?", "id": "56d7277c0d65d214001983ff"}, {"answers": [{"answer_start": 508, "text": "Chicago Bears"}, {"answer_start": 504, "text": "the Chicago Bears"}, {"answer_start": 516, "text": "Bears"}], "question": "Who did the Broncos tie with the most sacks in a Super Bowl?", "id": "56d7277c0d65d21400198401"}, {"answers": [{"answer_start": 451, "text": "Broncos"}, {"answer_start": 726, "text": "Denver"}, {"answer_start": 68, "text": "Denver"}], "question": "Which team did Gary Kubiak play for when he was in the Super Bowl?", "id": "56d7277c0d65d21400198402"}, {"answers": [{"answer_start": 158, "text": "21"}, {"answer_start": 158, "text": "21"}, {"answer_start": 158, "text": "21"}], "question": "How many first downs did the Panthers have in Super Bowl 50?", "id": "56d9cd9adc89441400fdb84c"}, {"answers": [{"answer_start": 164, "text": "11"}, {"answer_start": 164, "text": "11"}, {"answer_start": 164, "text": "11"}], "question": "How many first downs did the Broncos have in Super Bowl 50?", "id": "56d9cd9adc89441400fdb84d"}, {"answers": [{"answer_start": 447, "text": "The Broncos"}, {"answer_start": 68, "text": "Denver"}, {"answer_start": 68, "text": "Denver"}], "question": "What team had the lowest downs and yards ever in the Super Bowl as of Super Bowl 50?", "id": "56d9cd9adc89441400fdb84e"}, {"answers": [{"answer_start": 508, "text": "Chicago Bears"}, {"answer_start": 504, "text": "the Chicago Bears"}, {"answer_start": 516, "text": "Bears"}], "question": "What team di the Broncos tie a Super Bowl record for in sacks?", "id": "56d9cd9adc89441400fdb84f"}, {"answers": [{"answer_start": 814, "text": "two"}, {"answer_start": 1199, "text": "two"}, {"answer_start": 1199, "text": "two"}], "question": "How many teams has Manning won the Super Bowl with?", "id": "56d9cd9adc89441400fdb850"}]}]}], "version": "1.1"} \ No newline at end of file diff --git a/tests/data/nlp/squad/v2.0/dev-v2.0.json b/tests/data/nlp/squad/v2.0/dev-v2.0.json deleted file mode 100644 index 86dcc614f712..000000000000 --- a/tests/data/nlp/squad/v2.0/dev-v2.0.json +++ /dev/null @@ -1 +0,0 @@ -{"version": "v2.0", "data": [{"title": "Normans", "paragraphs": [{"qas": [{"question": "In what country is Normandy located?", "id": "56ddde6b9a695914005b9628", "answers": [{"text": "France", "answer_start": 159}, {"text": "France", "answer_start": 159}, {"text": "France", "answer_start": 159}, {"text": "France", "answer_start": 159}], "is_impossible": false}, {"question": "When were the Normans in Normandy?", "id": "56ddde6b9a695914005b9629", "answers": [{"text": "10th and 11th centuries", "answer_start": 94}, {"text": "in the 10th and 11th centuries", "answer_start": 87}, {"text": "10th and 11th centuries", "answer_start": 94}, {"text": "10th and 11th centuries", "answer_start": 94}], "is_impossible": false}, {"question": "From which countries did the Norse originate?", "id": "56ddde6b9a695914005b962a", "answers": [{"text": "Denmark, Iceland and Norway", "answer_start": 256}, {"text": "Denmark, Iceland and Norway", "answer_start": 256}, {"text": "Denmark, Iceland and Norway", "answer_start": 256}, {"text": "Denmark, Iceland and Norway", "answer_start": 256}], "is_impossible": false}, {"question": "Who was the Norse leader?", "id": "56ddde6b9a695914005b962b", "answers": [{"text": "Rollo", "answer_start": 308}, {"text": "Rollo", "answer_start": 308}, {"text": "Rollo", "answer_start": 308}, {"text": "Rollo", "answer_start": 308}], "is_impossible": false}, {"question": "What century did the Normans first gain their separate identity?", "id": "56ddde6b9a695914005b962c", "answers": [{"text": "10th century", "answer_start": 671}, {"text": "the first half of the 10th century", "answer_start": 649}, {"text": "10th", "answer_start": 671}, {"text": "10th", "answer_start": 671}], "is_impossible": false}, {"plausible_answers": [{"text": "Normans", "answer_start": 4}], "question": "Who gave their name to Normandy in the 1000's and 1100's", "id": "5ad39d53604f3c001a3fe8d1", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "Normandy", "answer_start": 137}], "question": "What is France a region of?", "id": "5ad39d53604f3c001a3fe8d2", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "Rollo", "answer_start": 308}], "question": "Who did King Charles III swear fealty to?", "id": "5ad39d53604f3c001a3fe8d3", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "10th century", "answer_start": 671}], "question": "When did the Frankish identity emerge?", "id": "5ad39d53604f3c001a3fe8d4", "answers": [], "is_impossible": true}], "context": "The Normans (Norman: Nourmands; French: Normands; Latin: Normanni) were the people who in the 10th and 11th centuries gave their name to Normandy, a region in France. They were descended from Norse (\"Norman\" comes from \"Norseman\") raiders and pirates from Denmark, Iceland and Norway who, under their leader Rollo, agreed to swear fealty to King Charles III of West Francia. Through generations of assimilation and mixing with the native Frankish and Roman-Gaulish populations, their descendants would gradually merge with the Carolingian-based cultures of West Francia. The distinct cultural and ethnic identity of the Normans emerged initially in the first half of the 10th century, and it continued to evolve over the succeeding centuries."}, {"qas": [{"question": "Who was the duke in the battle of Hastings?", "id": "56dddf4066d3e219004dad5f", "answers": [{"text": "William the Conqueror", "answer_start": 1022}, {"text": "William the Conqueror", "answer_start": 1022}, {"text": "William the Conqueror", "answer_start": 1022}], "is_impossible": false}, {"question": "Who ruled the duchy of Normandy", "id": "56dddf4066d3e219004dad60", "answers": [{"text": "Richard I", "answer_start": 573}, {"text": "Richard I", "answer_start": 573}, {"text": "Richard I", "answer_start": 573}], "is_impossible": false}, {"question": "What religion were the Normans", "id": "56dddf4066d3e219004dad61", "answers": [{"text": "Catholic", "answer_start": 230}, {"text": "Catholic orthodoxy", "answer_start": 230}, {"text": "Catholic", "answer_start": 230}], "is_impossible": false}, {"plausible_answers": [{"text": "political, cultural and military", "answer_start": 31}], "question": "What type of major impact did the Norman dynasty have on modern Europe?", "id": "5ad3a266604f3c001a3fea27", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "Normans", "answer_start": 118}], "question": "Who was famed for their Christian spirit?", "id": "5ad3a266604f3c001a3fea28", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "Normans", "answer_start": 118}], "question": "Who assimilted the Roman language?", "id": "5ad3a266604f3c001a3fea29", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "Richard I", "answer_start": 573}], "question": "Who ruled the country of Normandy?", "id": "5ad3a266604f3c001a3fea2a", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "Antioch", "answer_start": 1295}], "question": "What principality did William the conquerer found?", "id": "5ad3a266604f3c001a3fea2b", "answers": [], "is_impossible": true}], "context": "The Norman dynasty had a major political, cultural and military impact on medieval Europe and even the Near East. The Normans were famed for their martial spirit and eventually for their Christian piety, becoming exponents of the Catholic orthodoxy into which they assimilated. They adopted the Gallo-Romance language of the Frankish land they settled, their dialect becoming known as Norman, Normaund or Norman French, an important literary language. The Duchy of Normandy, which they formed by treaty with the French crown, was a great fief of medieval France, and under Richard I of Normandy was forged into a cohesive and formidable principality in feudal tenure. The Normans are noted both for their culture, such as their unique Romanesque architecture and musical traditions, and for their significant military accomplishments and innovations. Norman adventurers founded the Kingdom of Sicily under Roger II after conquering southern Italy on the Saracens and Byzantines, and an expedition on behalf of their duke, William the Conqueror, led to the Norman conquest of England at the Battle of Hastings in 1066. Norman cultural and military influence spread from these new European centres to the Crusader states of the Near East, where their prince Bohemond I founded the Principality of Antioch in the Levant, to Scotland and Wales in Great Britain, to Ireland, and to the coasts of north Africa and the Canary Islands."}, {"qas": [{"question": "What is the original meaning of the word Norman?", "id": "56dde0379a695914005b9636", "answers": [{"text": "Viking", "answer_start": 341}, {"text": "Norseman, Viking", "answer_start": 331}, {"text": "Norseman, Viking", "answer_start": 331}], "is_impossible": false}, {"question": "When was the Latin version of the word Norman first recorded?", "id": "56dde0379a695914005b9637", "answers": [{"text": "9th century", "answer_start": 309}, {"text": "9th century", "answer_start": 309}, {"text": "9th century", "answer_start": 309}], "is_impossible": false}, {"plausible_answers": [{"text": "\"Normans\"", "answer_start": 17}], "question": "What name comes from the English words Normans/Normanz?", "id": "5ad3ab70604f3c001a3feb89", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "9th century", "answer_start": 309}], "question": "When was the French version of the word Norman first recorded?", "id": "5ad3ab70604f3c001a3feb8a", "answers": [], "is_impossible": true}], "context": "The English name \"Normans\" comes from the French words Normans/Normanz, plural of Normant, modern French normand, which is itself borrowed from Old Low Franconian Nortmann \"Northman\" or directly from Old Norse Nor\u00f0ma\u00f0r, Latinized variously as Nortmannus, Normannus, or Nordmannus (recorded in Medieval Latin, 9th century) to mean \"Norseman, Viking\"."}, {"qas": [{"question": "When was the Duchy of Normandy founded?", "id": "56dde0ba66d3e219004dad75", "answers": [{"text": "911", "answer_start": 244}, {"text": "911", "answer_start": 244}, {"text": "911", "answer_start": 244}], "is_impossible": false}, {"question": "Who did Rollo sign the treaty of Saint-Clair-sur-Epte with?", "id": "56dde0ba66d3e219004dad76", "answers": [{"text": "King Charles III", "answer_start": 324}, {"text": "King Charles III", "answer_start": 324}, {"text": "King Charles III", "answer_start": 324}], "is_impossible": false}, {"question": "What river originally bounded the Duchy", "id": "56dde0ba66d3e219004dad77", "answers": [{"text": "Seine", "answer_start": 711}, {"text": "Epte", "answer_start": 524}, {"text": "Seine", "answer_start": 711}], "is_impossible": false}, {"plausible_answers": [{"text": "10th century", "answer_start": 21}], "question": "when did Nors encampments ivolve into destructive incursions?", "id": "5ad3ad61604f3c001a3fec0d", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "treaty of Saint-Clair-sur-Epte", "answer_start": 285}], "question": "What treaty was established in the 9th century?", "id": "5ad3ad61604f3c001a3fec0e", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "Rollo", "answer_start": 384}], "question": "Who established a treaty with King Charles the third of France?", "id": "5ad3ad61604f3c001a3fec0f", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "further Viking incursions.", "answer_start": 593}], "question": "What did the French promises to protect Rollo and his men from?", "id": "5ad3ad61604f3c001a3fec10", "answers": [], "is_impossible": true}], "context": "In the course of the 10th century, the initially destructive incursions of Norse war bands into the rivers of France evolved into more permanent encampments that included local women and personal property. The Duchy of Normandy, which began in 911 as a fiefdom, was established by the treaty of Saint-Clair-sur-Epte between King Charles III of West Francia and the famed Viking ruler Rollo, and was situated in the former Frankish kingdom of Neustria. The treaty offered Rollo and his men the French lands between the river Epte and the Atlantic coast in exchange for their protection against further Viking incursions. The area corresponded to the northern part of present-day Upper Normandy down to the river Seine, but the Duchy would eventually extend west beyond the Seine. The territory was roughly equivalent to the old province of Rouen, and reproduced the Roman administrative structure of Gallia Lugdunensis II (part of the former Gallia Lugdunensis)."}, {"qas": [{"question": "Who upon arriving gave the original viking settlers a common identity?", "id": "56dde1d966d3e219004dad8d", "answers": [{"text": "Rollo", "answer_start": 7}, {"text": "Rollo", "answer_start": 7}, {"text": "Rollo", "answer_start": 7}], "is_impossible": false}, {"plausible_answers": [{"text": "880s", "answer_start": 174}], "question": "When did Rollo begin to arrive in Normandy?", "id": "5ad3ae14604f3c001a3fec39", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "Danes, Norwegians, Norse\u2013Gaels, Orkney Vikings, possibly Swedes, and Anglo-Danes", "answer_start": 547}], "question": "What Viking groups were conquered by Rollo?", "id": "5ad3ae14604f3c001a3fec3a", "answers": [], "is_impossible": true}], "context": "Before Rollo's arrival, its populations did not differ from Picardy or the \u00cele-de-France, which were considered \"Frankish\". Earlier Viking settlers had begun arriving in the 880s, but were divided between colonies in the east (Roumois and Pays de Caux) around the low Seine valley and in the west in the Cotentin Peninsula, and were separated by traditional pagii, where the population remained about the same with almost no foreign settlers. Rollo's contingents who raided and ultimately settled Normandy and parts of the Atlantic coast included Danes, Norwegians, Norse\u2013Gaels, Orkney Vikings, possibly Swedes, and Anglo-Danes from the English Danelaw under Norse control."}, {"qas": [{"question": "What was the Norman religion?", "id": "56dde27d9a695914005b9651", "answers": [{"text": "Catholicism", "answer_start": 121}, {"text": "Catholicism", "answer_start": 121}, {"text": "Catholicism", "answer_start": 121}], "is_impossible": false}, {"question": "What part of France were the Normans located?", "id": "56dde27d9a695914005b9652", "answers": [{"text": "north", "answer_start": 327}, {"text": "the north", "answer_start": 323}, {"text": "north", "answer_start": 327}], "is_impossible": false}, {"plausible_answers": [{"text": "Catholicism", "answer_start": 121}], "question": "What was replace with the Norse religion?", "id": "5ad3af11604f3c001a3fec63", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "Frankish heritage", "answer_start": 224}], "question": "What did maternal Old Norse traditions merge with?", "id": "5ad3af11604f3c001a3fec64", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "Old Norse", "answer_start": 97}], "question": "What language replaced the Gallo-Romance language?", "id": "5ad3af11604f3c001a3fec65", "answers": [], "is_impossible": true}], "context": "The descendants of Rollo's Vikings and their Frankish wives would replace the Norse religion and Old Norse language with Catholicism (Christianity) and the Gallo-Romance language of the local people, blending their maternal Frankish heritage with Old Norse traditions and customs to synthesize a unique \"Norman\" culture in the north of France. The Norman language was forged by the adoption of the indigenous langue d'o\u00efl branch of Romance by a Norse-speaking ruling class, and it developed into the regional language that survives today."}, {"qas": [{"question": "What was one of the Norman's major exports?", "id": "56dde2fa66d3e219004dad9b", "answers": [{"text": "fighting horsemen", "answer_start": 428}, {"text": "fighting horsemen", "answer_start": 428}, {"text": "fighting horsemen", "answer_start": 428}], "is_impossible": false}, {"plausible_answers": [{"text": "France", "answer_start": 75}], "question": "Who adopted the fuedel doctrines of the Normans?", "id": "5ad3c626604f3c001a3ff011", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "fighting horsemen", "answer_start": 428}], "question": "What was one of the Norman's major imports?", "id": "5ad3c626604f3c001a3ff012", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "Italy, France and England", "answer_start": 490}], "question": "Who's arristocracy eventually served as avid Crusaders?", "id": "5ad3c626604f3c001a3ff013", "answers": [], "is_impossible": true}], "context": "The Normans thereafter adopted the growing feudal doctrines of the rest of France, and worked them into a functional hierarchical system in both Normandy and in England. The new Norman rulers were culturally and ethnically distinct from the old French aristocracy, most of whom traced their lineage to Franks of the Carolingian dynasty. Most Norman knights remained poor and land-hungry, and by 1066 Normandy had been exporting fighting horsemen for more than a generation. Many Normans of Italy, France and England eventually served as avid Crusaders under the Italo-Norman prince Bohemund I and the Anglo-Norman king Richard the Lion-Heart."}, {"qas": [{"question": "Who was the Normans' main enemy in Italy, the Byzantine Empire and Armenia?", "id": "56de0f6a4396321400ee257f", "answers": [{"text": "Seljuk Turks", "answer_start": 161}, {"text": "the Pechenegs, the Bulgars, and especially the Seljuk Turks", "answer_start": 114}, {"text": "the Seljuk Turks", "answer_start": 157}], "is_impossible": false}, {"plausible_answers": [{"text": "Normans", "answer_start": 15}], "question": "Who entered Italy soon after the Byzantine Empire?", "id": "5ad3dbc6604f3c001a3ff3e9", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "Pechenegs, the Bulgars, and especially the Seljuk Turks", "answer_start": 118}], "question": "Who did the Normans fight in Italy?", "id": "5ad3dbc6604f3c001a3ff3ea", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "Lombards", "answer_start": 244}], "question": "Who did the Normans encourage to come to the south?", "id": "5ad3dbc6604f3c001a3ff3eb", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "the Sicilian campaign of George Maniaces", "answer_start": 404}], "question": "During what campaign did the Vargian and Lombard fight?", "id": "5ad3dbc6604f3c001a3ff3ec", "answers": [], "is_impossible": true}], "context": "Soon after the Normans began to enter Italy, they entered the Byzantine Empire and then Armenia, fighting against the Pechenegs, the Bulgars, and especially the Seljuk Turks. Norman mercenaries were first encouraged to come to the south by the Lombards to act against the Byzantines, but they soon fought in Byzantine service in Sicily. They were prominent alongside Varangian and Lombard contingents in the Sicilian campaign of George Maniaces in 1038\u201340. There is debate whether the Normans in Greek service actually were from Norman Italy, and it now seems likely only a few came from there. It is also unknown how many of the \"Franks\", as the Byzantines called them, were Normans and not other Frenchmen."}, {"qas": [{"question": "When did Herve serve as a Byzantine general?", "id": "56de0ffd4396321400ee258d", "answers": [{"text": "1050s", "answer_start": 85}, {"text": "in the 1050s", "answer_start": 78}, {"text": "in the 1050s", "answer_start": 78}], "is_impossible": false}, {"question": "When did Robert Crispin go up against the Turks?", "id": "56de0ffd4396321400ee258e", "answers": [{"text": "1060s", "answer_start": 292}, {"text": "In the 1060s", "answer_start": 285}, {"text": "In the 1060s", "answer_start": 285}], "is_impossible": false}, {"question": "Who ruined Roussel de Bailleul's plans for an independent state?", "id": "56de0ffd4396321400ee258f", "answers": [{"text": "Alexius Komnenos", "answer_start": 522}, {"text": "Alexius Komnenos", "answer_start": 522}, {"text": "Alexius Komnenos", "answer_start": 522}], "is_impossible": false}, {"plausible_answers": [{"text": "Herv\u00e9", "answer_start": 72}], "question": "Who was the first Byzantine mercenary to serve with the Normans?", "id": "5ad3de8b604f3c001a3ff467", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "1050s", "answer_start": 85}], "question": "When did Herve serve as a Norman general?", "id": "5ad3de8b604f3c001a3ff468", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "Roussel de Bailleul", "answer_start": 359}], "question": "Who ruined Alexius Komnenos plans for an independent state?", "id": "5ad3de8b604f3c001a3ff469", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "1060s", "answer_start": 292}], "question": "When did Herve go up against the Turks?", "id": "5ad3de8b604f3c001a3ff46a", "answers": [], "is_impossible": true}], "context": "One of the first Norman mercenaries to serve as a Byzantine general was Herv\u00e9 in the 1050s. By then however, there were already Norman mercenaries serving as far away as Trebizond and Georgia. They were based at Malatya and Edessa, under the Byzantine duke of Antioch, Isaac Komnenos. In the 1060s, Robert Crispin led the Normans of Edessa against the Turks. Roussel de Bailleul even tried to carve out an independent state in Asia Minor with support from the local population, but he was stopped by the Byzantine general Alexius Komnenos."}, {"qas": [{"question": "What was the name of the Norman castle?", "id": "56de10b44396321400ee2593", "answers": [{"text": "Afranji", "answer_start": 539}, {"text": "Afranji", "answer_start": 539}, {"text": "Afranji", "answer_start": 539}], "is_impossible": false}, {"question": "Who was the leader when the Franks entered the Euphrates valley?", "id": "56de10b44396321400ee2594", "answers": [{"text": "Oursel", "answer_start": 256}, {"text": "Oursel", "answer_start": 256}, {"text": "Oursel", "answer_start": 256}], "is_impossible": false}, {"question": "Who did the Normans team up with in Anatolia?", "id": "56de10b44396321400ee2595", "answers": [{"text": "Turkish forces", "answer_start": 20}, {"text": "Turkish forces", "answer_start": 20}, {"text": "Turkish forces", "answer_start": 20}], "is_impossible": false}, {"plausible_answers": [{"text": "Turkish", "answer_start": 20}], "question": "Who joined Norman forces in the destruction of the Armenians?", "id": "5ad3e96b604f3c001a3ff689", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "the Armenian state", "answer_start": 171}], "question": "Who did the Turks take up service with?", "id": "5ad3e96b604f3c001a3ff68a", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "Oursel", "answer_start": 256}], "question": "What Frank led Norman forces?", "id": "5ad3e96b604f3c001a3ff68b", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "the upper Euphrates valley in northern Syria", "answer_start": 292}], "question": "Where did Oursel lead the Franks?", "id": "5ad3e96b604f3c001a3ff68c", "answers": [], "is_impossible": true}], "context": "Some Normans joined Turkish forces to aid in the destruction of the Armenians vassal-states of Sassoun and Taron in far eastern Anatolia. Later, many took up service with the Armenian state further south in Cilicia and the Taurus Mountains. A Norman named Oursel led a force of \"Franks\" into the upper Euphrates valley in northern Syria. From 1073 to 1074, 8,000 of the 20,000 troops of the Armenian general Philaretus Brachamius were Normans\u2014formerly of Oursel\u2014led by Raimbaud. They even lent their ethnicity to the name of their castle: Afranji, meaning \"Franks.\" The known trade between Amalfi and Antioch and between Bari and Tarsus may be related to the presence of Italo-Normans in those cities while Amalfi and Bari were under Norman rule in Italy."}, {"qas": [{"question": "What were the origins of the Raouliii family?", "id": "56de11154396321400ee25aa", "answers": [{"text": "Norman mercenary", "answer_start": 45}, {"text": "an Italo-Norman named Raoul", "answer_start": 217}, {"text": "descended from an Italo-Norman named Raoul", "answer_start": 202}], "is_impossible": false}, {"plausible_answers": [{"text": "Byzantine Greece", "answer_start": 20}], "question": "Where were several Norman mercenary familes originate from?", "id": "5ad3ea79604f3c001a3ff6e9", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "George Maniaces", "answer_start": 402}], "question": "Who did the Normans serve under in the 10th century?", "id": "5ad3ea79604f3c001a3ff6ea", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "Sicilian expedition", "answer_start": 425}], "question": "What expedition did George Maniaces lead in the 10th century?", "id": "5ad3ea79604f3c001a3ff6eb", "answers": [], "is_impossible": true}], "context": "Several families of Byzantine Greece were of Norman mercenary origin during the period of the Comnenian Restoration, when Byzantine emperors were seeking out western European warriors. The Raoulii were descended from an Italo-Norman named Raoul, the Petraliphae were descended from a Pierre d'Aulps, and that group of Albanian clans known as the Maniakates were descended from Normans who served under George Maniaces in the Sicilian expedition of 1038."}, {"qas": [{"question": "What was the name of the count of Apulia ", "id": "56de148dcffd8e1900b4b5bc", "answers": [{"text": "Robert Guiscard", "answer_start": 0}, {"text": "Robert Guiscard", "answer_start": 0}, {"text": "Robert Guiscard", "answer_start": 0}], "is_impossible": false}, {"question": "When did Dyrrachium fall to the Normans?", "id": "56de148dcffd8e1900b4b5bd", "answers": [{"text": "1082", "answer_start": 1315}, {"text": "February 1082", "answer_start": 1306}, {"text": "February 1082", "answer_start": 1306}], "is_impossible": false}, {"question": "How many men were in Robert's army?", "id": "56de148dcffd8e1900b4b5be", "answers": [{"text": "30,000", "answer_start": 492}, {"text": "30,000", "answer_start": 492}, {"text": "30,000", "answer_start": 492}], "is_impossible": false}, {"plausible_answers": [{"text": "Robert Guiscard", "answer_start": 0}], "question": "Who ultimatly drove the Byzantines out of Europe?", "id": "5ad3ed26604f3c001a3ff799", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "pope Gregory VII", "answer_start": 225}], "question": "What pope opposed Roberts campaign?", "id": "5ad3ed26604f3c001a3ff79a", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "Dyrrachium", "answer_start": 1326}], "question": "What fell to the Normans in the 10th century?", "id": "5ad3ed26604f3c001a3ff79b", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "30,000", "answer_start": 492}], "question": "How many men did Roberts army face?", "id": "5ad3ed26604f3c001a3ff79c", "answers": [], "is_impossible": true}], "context": "Robert Guiscard, an other Norman adventurer previously elevated to the dignity of count of Apulia as the result of his military successes, ultimately drove the Byzantines out of southern Italy. Having obtained the consent of pope Gregory VII and acting as his vassal, Robert continued his campaign conquering the Balkan peninsula as a foothold for western feudal lords and the Catholic Church. After allying himself with Croatia and the Catholic cities of Dalmatia, in 1081 he led an army of 30,000 men in 300 ships landing on the southern shores of Albania, capturing Valona, Kanina, Jericho (Orikumi), and reaching Butrint after numerous pillages. They joined the fleet that had previously conquered Corfu and attacked Dyrrachium from land and sea, devastating everything along the way. Under these harsh circumstances, the locals accepted the call of emperor Alexius I Comnenus to join forces with the Byzantines against the Normans. The Albanian forces could not take part in the ensuing battle because it had started before their arrival. Immediately before the battle, the Venetian fleet had secured a victory in the coast surrounding the city. Forced to retreat, Alexius ceded the command to a high Albanian official named Comiscortes in the service of Byzantium. The city's garrison resisted until February 1082, when Dyrrachium was betrayed to the Normans by the Venetian and Amalfitan merchants who had settled there. The Normans were now free to penetrate into the hinterland; they took Ioannina and some minor cities in southwestern Macedonia and Thessaly before appearing at the gates of Thessalonica. Dissension among the high ranks coerced the Normans to retreat to Italy. They lost Dyrrachium, Valona, and Butrint in 1085, after the death of Robert."}, {"qas": [{"question": "Where did the Normans and Byzantines sign the peace treaty?", "id": "56de15104396321400ee25b7", "answers": [{"text": "Deabolis", "answer_start": 302}, {"text": "Deabolis", "answer_start": 718}, {"text": "Deabolis", "answer_start": 718}], "is_impossible": false}, {"question": "Who was Robert's son?", "id": "56de15104396321400ee25b8", "answers": [{"text": "Bohemond", "answer_start": 79}, {"text": "Bohemond", "answer_start": 79}, {"text": "Bohemond", "answer_start": 79}], "is_impossible": false}, {"question": "What river was Petrela located by?", "id": "56de15104396321400ee25b9", "answers": [{"text": "Deabolis", "answer_start": 302}, {"text": "the river Deabolis", "answer_start": 292}, {"text": "Deabolis", "answer_start": 302}], "is_impossible": false}, {"plausible_answers": [{"text": "Dyrrachium", "answer_start": 133}], "question": "Who did the Normans besiege in the 11th century?", "id": "5ad3ee2d604f3c001a3ff7e1", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "Normans", "answer_start": 50}], "question": "Who did Robert lead agains Dyrrachium in 1107?", "id": "5ad3ee2d604f3c001a3ff7e2", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "Robert", "answer_start": 89}], "question": "Who was Bohemond's son?", "id": "5ad3ee2d604f3c001a3ff7e3", "answers": [], "is_impossible": true}], "context": "A few years after the First Crusade, in 1107, the Normans under the command of Bohemond, Robert's son, landed in Valona and besieged Dyrrachium using the most sophisticated military equipment of the time, but to no avail. Meanwhile, they occupied Petrela, the citadel of Mili at the banks of the river Deabolis, Gllavenica (Ballsh), Kanina and Jericho. This time, the Albanians sided with the Normans, dissatisfied by the heavy taxes the Byzantines had imposed upon them. With their help, the Normans secured the Arbanon passes and opened their way to Dibra. The lack of supplies, disease and Byzantine resistance forced Bohemond to retreat from his campaign and sign a peace treaty with the Byzantines in the city of Deabolis."}, {"qas": [{"question": "When did the Normans attack Dyrrachium?", "id": "56de1563cffd8e1900b4b5c2", "answers": [{"text": "1185", "answer_start": 86}, {"text": "in 1185", "answer_start": 83}, {"text": "1185", "answer_start": 86}], "is_impossible": false}, {"question": "What was the naval base called?", "id": "56de1563cffd8e1900b4b5c3", "answers": [{"text": "Dyrrachium", "answer_start": 125}, {"text": "Dyrrachium", "answer_start": 205}, {"text": "Dyrrachium", "answer_start": 205}], "is_impossible": false}, {"question": "Where was Dyrrachium located?", "id": "56de1563cffd8e1900b4b5c4", "answers": [{"text": "the Adriatic", "answer_start": 257}, {"text": "the Adriatic", "answer_start": 257}, {"text": "Adriatic", "answer_start": 261}], "is_impossible": false}, {"plausible_answers": [{"text": "Norman army", "answer_start": 105}], "question": "Who attacked Dyrrachium in the 11th century?", "id": "5ad3f028604f3c001a3ff823", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "high Byzantine officials", "answer_start": 162}], "question": "Who betrayed the Normans?", "id": "5ad3f028604f3c001a3ff824", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "Dyrrachium", "answer_start": 205}], "question": "What naval base fell to the Normans?", "id": "5ad3f028604f3c001a3ff825", "answers": [], "is_impossible": true}], "context": "The further decline of Byzantine state-of-affairs paved the road to a third attack in 1185, when a large Norman army invaded Dyrrachium, owing to the betrayal of high Byzantine officials. Some time later, Dyrrachium\u2014one of the most important naval bases of the Adriatic\u2014fell again to Byzantine hands."}, {"qas": [{"question": "Who did Emma Marry?", "id": "56de15dbcffd8e1900b4b5c8", "answers": [{"text": "King Ethelred II", "answer_start": 360}, {"text": "Ethelred II", "answer_start": 365}, {"text": "King Ethelred II", "answer_start": 360}], "is_impossible": false}, {"question": "Who was Emma's brother?", "id": "56de15dbcffd8e1900b4b5c9", "answers": [{"text": "Duke Richard II", "answer_start": 327}, {"text": "Duke Richard II", "answer_start": 327}, {"text": "Duke Richard II", "answer_start": 327}], "is_impossible": false}, {"question": "To where did Ethelred flee?", "id": "56de15dbcffd8e1900b4b5ca", "answers": [{"text": "Normandy", "answer_start": 423}, {"text": "Normandy", "answer_start": 423}, {"text": "Normandy", "answer_start": 423}], "is_impossible": false}, {"question": "Who kicked Ethelred out?", "id": "56de15dbcffd8e1900b4b5cb", "answers": [{"text": "Sweyn Forkbeard", "answer_start": 480}, {"text": "Sweyn Forkbeard", "answer_start": 480}, {"text": "Sweyn Forkbeard", "answer_start": 480}], "is_impossible": false}, {"plausible_answers": [{"text": "Emma", "answer_start": 562}], "question": "Who married Cnut the Great?", "id": "5ad3f187604f3c001a3ff86f", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "1013", "answer_start": 435}], "question": "When did Richard II flee to Normandy?", "id": "5ad3f187604f3c001a3ff870", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "Viking", "answer_start": 90}], "question": "Who's major ports were controlled by the English?", "id": "5ad3f187604f3c001a3ff871", "answers": [], "is_impossible": true}], "context": "The Normans were in contact with England from an early date. Not only were their original Viking brethren still ravaging the English coasts, they occupied most of the important ports opposite England across the English Channel. This relationship eventually produced closer ties of blood through the marriage of Emma, sister of Duke Richard II of Normandy, and King Ethelred II of England. Because of this, Ethelred fled to Normandy in 1013, when he was forced from his kingdom by Sweyn Forkbeard. His stay in Normandy (until 1016) influenced him and his sons by Emma, who stayed in Normandy after Cnut the Great's conquest of the isle."}, {"qas": [{"question": "Who was Edward the Confessor's half-brother?", "id": "56de1645cffd8e1900b4b5d0", "answers": [{"text": "Harthacnut", "answer_start": 115}, {"text": "Harthacnut", "answer_start": 115}, {"text": "Harthacnut", "answer_start": 115}], "is_impossible": false}, {"question": "When did Edward return?", "id": "56de1645cffd8e1900b4b5d1", "answers": [{"text": "1041", "answer_start": 71}, {"text": "in 1041", "answer_start": 68}, {"text": "1041", "answer_start": 71}], "is_impossible": false}, {"question": "Who did Edward make archbishop of Canterbury?", "id": "56de1645cffd8e1900b4b5d2", "answers": [{"text": "Robert of Jumi\u00e8ges", "answer_start": 382}, {"text": "Robert of Jumi\u00e8ges", "answer_start": 382}, {"text": "Robert of Jumi\u00e8ges", "answer_start": 382}], "is_impossible": false}, {"plausible_answers": [{"text": "1041", "answer_start": 71}], "question": "When did Edward the Confessor's son return from his fathers refuge?", "id": "5ad3f350604f3c001a3ff8ef", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "English cavalry force", "answer_start": 253}], "question": "What kind of force did Harthacnut establish?", "id": "5ad3f350604f3c001a3ff8f0", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "Edward", "answer_start": 361}], "question": "Who made Robert of Jumieges earl of Hereford?", "id": "5ad3f350604f3c001a3ff8f1", "answers": [], "is_impossible": true}], "context": "When finally Edward the Confessor returned from his father's refuge in 1041, at the invitation of his half-brother Harthacnut, he brought with him a Norman-educated mind. He also brought many Norman counsellors and fighters, some of whom established an English cavalry force. This concept never really took root, but it is a typical example of the attitudes of Edward. He appointed Robert of Jumi\u00e8ges archbishop of Canterbury and made Ralph the Timid earl of Hereford. He invited his brother-in-law Eustace II, Count of Boulogne to his court in 1051, an event which resulted in the greatest of early conflicts between Saxon and Norman and ultimately resulted in the exile of Earl Godwin of Wessex."}, {"qas": [{"question": "Where did Harold II die?", "id": "56de16ca4396321400ee25c5", "answers": [{"text": "Battle of Hastings", "answer_start": 85}, {"text": "the Battle of Hastings", "answer_start": 81}, {"text": "at the Battle of Hastings", "answer_start": 78}], "is_impossible": false}, {"question": "Who killed Harold II? ", "id": "56de16ca4396321400ee25c6", "answers": [{"text": "William II", "answer_start": 14}, {"text": "Duke William II", "answer_start": 9}, {"text": "Duke William II", "answer_start": 9}], "is_impossible": false}, {"question": "When was the Battle of Hastings?", "id": "56de16ca4396321400ee25c7", "answers": [{"text": "1066", "answer_start": 3}, {"text": "In 1066", "answer_start": 0}, {"text": "1066", "answer_start": 3}], "is_impossible": false}, {"question": "Who was the ruling class ahead of the Normans?", "id": "56de16ca4396321400ee25c8", "answers": [{"text": "Anglo-Saxons", "answer_start": 161}, {"text": "the Anglo-Saxons", "answer_start": 157}, {"text": "Anglo-Saxons", "answer_start": 161}], "is_impossible": false}, {"plausible_answers": [{"text": "1066,", "answer_start": 3}], "question": "When did King Harold II conquer England?", "id": "5ad3f4b1604f3c001a3ff951", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "Battle of Hastings", "answer_start": 85}], "question": "What battle took place in the 10th century?", "id": "5ad3f4b1604f3c001a3ff952", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "Anglo-Saxons", "answer_start": 161}], "question": "Who replaced the Normans as the ruling class?", "id": "5ad3f4b1604f3c001a3ff953", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "Early Norman kings", "answer_start": 317}], "question": "Who considered their land on the continent their most important holding?", "id": "5ad3f4b1604f3c001a3ff954", "answers": [], "is_impossible": true}], "context": "In 1066, Duke William II of Normandy conquered England killing King Harold II at the Battle of Hastings. The invading Normans and their descendants replaced the Anglo-Saxons as the ruling class of England. The nobility of England were part of a single Normans culture and many had lands on both sides of the channel. Early Norman kings of England, as Dukes of Normandy, owed homage to the King of France for their land on the continent. They considered England to be their most important holding (it brought with it the title of King\u2014an important status symbol)."}, {"qas": [{"question": "What was the Anglo-Norman language's final form?", "id": "56de1728cffd8e1900b4b5d7", "answers": [{"text": "Modern English", "answer_start": 629}, {"text": "Modern English", "answer_start": 629}, {"text": "Modern English", "answer_start": 629}], "is_impossible": false}, {"plausible_answers": [{"text": "Norman aristocracy", "answer_start": 130}], "question": "Who identified themselves as French during the Hundred Years War?", "id": "5ad3f5b0604f3c001a3ff9ab", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "Anglo-Saxon", "answer_start": 382}], "question": "What was absorbed into the Anglo-Norman language?", "id": "5ad3f5b0604f3c001a3ff9ac", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "Geoffrey Chaucer", "answer_start": 305}], "question": "Who made fun of the Latin language?", "id": "5ad3f5b0604f3c001a3ff9ad", "answers": [], "is_impossible": true}], "context": "Eventually, the Normans merged with the natives, combining languages and traditions. In the course of the Hundred Years' War, the Norman aristocracy often identified themselves as English. The Anglo-Norman language became distinct from the Latin language, something that was the subject of some humour by Geoffrey Chaucer. The Anglo-Norman language was eventually absorbed into the Anglo-Saxon language of their subjects (see Old English) and influenced it, helping (along with the Norse language of the earlier Anglo-Norse settlers and the Latin used by the church) in the development of Middle English. It in turn evolved into Modern English."}, {"qas": [{"question": "In what year did the Norman's invade at Bannow Bay?", "id": "56de179dcffd8e1900b4b5da", "answers": [{"text": "1169", "answer_start": 101}, {"text": "1169", "answer_start": 101}, {"text": "1169", "answer_start": 101}], "is_impossible": false}, {"question": "What country did the Normans invade in 1169?", "id": "56de179dcffd8e1900b4b5db", "answers": [{"text": "Ireland", "answer_start": 379}, {"text": "Ireland", "answer_start": 379}, {"text": "Ireland", "answer_start": 379}], "is_impossible": false}, {"question": "What culture did the Normans combine with in Ireland?", "id": "56de179dcffd8e1900b4b5dc", "answers": [{"text": "Irish", "answer_start": 37}, {"text": "Irish", "answer_start": 220}, {"text": "Irish", "answer_start": 220}], "is_impossible": false}, {"plausible_answers": [{"text": "Bannow Bay", "answer_start": 87}], "question": "Where did the Normans invade in the 11th century?", "id": "5ad3f6f5604f3c001a3ffa09", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "The Normans", "answer_start": 0}], "question": "Who did the Irish culture have a profound effect on?", "id": "5ad3f6f5604f3c001a3ffa0a", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "Trim Castle and Dublin Castle", "answer_start": 473}], "question": "What castles were built by the Irish?", "id": "5ad3f6f5604f3c001a3ffa0b", "answers": [], "is_impossible": true}], "context": "The Normans had a profound effect on Irish culture and history after their invasion at Bannow Bay in 1169. Initially the Normans maintained a distinct culture and ethnicity. Yet, with time, they came to be subsumed into Irish culture to the point that it has been said that they became \"more Irish than the Irish themselves.\" The Normans settled mostly in an area in the east of Ireland, later known as the Pale, and also built many fine castles and settlements, including Trim Castle and Dublin Castle. Both cultures intermixed, borrowing from each other's language, culture and outlook. Norman descendants today can be recognised by their surnames. Names such as French, (De) Roche, Devereux, D'Arcy, Treacy and Lacy are particularly common in the southeast of Ireland, especially in the southern part of County Wexford where the first Norman settlements were established. Other Norman names such as Furlong predominate there. Another common Norman-Irish name was Morell (Murrell) derived from the French Norman name Morel. Other names beginning with Fitz (from the Norman for son) indicate Norman ancestry. These included Fitzgerald, FitzGibbons (Gibbons) dynasty, Fitzmaurice. Other families bearing such surnames as Barry (de Barra) and De B\u00farca (Burke) are also of Norman extraction."}, {"qas": [{"question": "Who was Margaret's brother?", "id": "56de17f9cffd8e1900b4b5e0", "answers": [{"text": "Edgar", "answer_start": 75}, {"text": "Edgar", "answer_start": 157}, {"text": "Edgar Atheling", "answer_start": 75}], "is_impossible": false}, {"question": "Who was Margaret's husband?", "id": "56de17f9cffd8e1900b4b5e1", "answers": [{"text": "King Malcolm III of Scotland", "answer_start": 120}, {"text": "King Malcolm III", "answer_start": 120}, {"text": "King Malcolm III", "answer_start": 120}], "is_impossible": false}, {"question": "When was Scotland invaded by William?", "id": "56de17f9cffd8e1900b4b5e2", "answers": [{"text": "1072", "answer_start": 300}, {"text": "1072", "answer_start": 300}, {"text": "1072", "answer_start": 300}], "is_impossible": false}, {"question": "Who was the hostage?", "id": "56de17f9cffd8e1900b4b5e3", "answers": [{"text": "Duncan", "answer_start": 440}, {"text": "Duncan", "answer_start": 440}, {"text": "Duncan", "answer_start": 440}], "is_impossible": false}, {"plausible_answers": [{"text": "Margaret", "answer_start": 172}], "question": "Who did Edgar marry?", "id": "5ad3f7ac604f3c001a3ffa3b", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "William", "answer_start": 272}], "question": "Who invaded Scotland in the 10th century?", "id": "5ad3f7ac604f3c001a3ffa3c", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "Duncan", "answer_start": 440}], "question": "Who did the Scotish king take hostage?", "id": "5ad3f7ac604f3c001a3ffa3d", "answers": [], "is_impossible": true}], "context": "One of the claimants of the English throne opposing William the Conqueror, Edgar Atheling, eventually fled to Scotland. King Malcolm III of Scotland married Edgar's sister Margaret, and came into opposition to William who had already disputed Scotland's southern borders. William invaded Scotland in 1072, riding as far as Abernethy where he met up with his fleet of ships. Malcolm submitted, paid homage to William and surrendered his son Duncan as a hostage, beginning a series of arguments as to whether the Scottish Crown owed allegiance to the King of England."}, {"qas": [{"question": "Who did Alexander I marry?", "id": "56de3cd0cffd8e1900b4b6be", "answers": [{"text": "Sybilla of Normandy", "answer_start": 271}, {"text": "Sybilla of Normandy", "answer_start": 271}, {"text": "Sybilla", "answer_start": 271}], "is_impossible": false}, {"question": "What culture's arrival in Scotland is know as the \"Davidian Revolution\"?", "id": "56de3cd0cffd8e1900b4b6bf", "answers": [{"text": "Norman", "answer_start": 336}, {"text": "Norman", "answer_start": 336}, {"text": "Norman", "answer_start": 336}], "is_impossible": false}, {"plausible_answers": [{"text": "Sybilla of Normandy", "answer_start": 271}], "question": "Who did King David I of Scotland Marry?", "id": "5ad3f8d2604f3c001a3ffa8d", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "Normans and Norman culture", "answer_start": 324}], "question": "What did Sybilla of Normandy introduce to Scotland?", "id": "5ad3f8d2604f3c001a3ffa8e", "answers": [], "is_impossible": true}], "context": "Normans came into Scotland, building castles and founding noble families who would provide some future kings, such as Robert the Bruce, as well as founding a considerable number of the Scottish clans. King David I of Scotland, whose elder brother Alexander I had married Sybilla of Normandy, was instrumental in introducing Normans and Norman culture to Scotland, part of the process some scholars call the \"Davidian Revolution\". Having spent time at the court of Henry I of England (married to David's sister Maud of Scotland), and needing them to wrestle the kingdom from his half-brother M\u00e1el Coluim mac Alaxandair, David had to reward many with lands. The process was continued under David's successors, most intensely of all under William the Lion. The Norman-derived feudal system was applied in varying degrees to most of Scotland. Scottish families of the names Bruce, Gray, Ramsay, Fraser, Ogilvie, Montgomery, Sinclair, Pollock, Burnard, Douglas and Gordon to name but a few, and including the later royal House of Stewart, can all be traced back to Norman ancestry."}, {"qas": [{"question": "Where was Ralph earl of?", "id": "56de3d594396321400ee26ca", "answers": [{"text": "Hereford", "answer_start": 158}, {"text": "Hereford", "answer_start": 158}, {"text": "Hereford", "answer_start": 158}], "is_impossible": false}, {"question": "Who was Ralph in charge of being at war with?", "id": "56de3d594396321400ee26cb", "answers": [{"text": "the Welsh", "answer_start": 227}, {"text": "the Welsh", "answer_start": 227}, {"text": "the Welsh", "answer_start": 227}], "is_impossible": false}, {"question": "Who made Ralph earl?", "id": "56de3d594396321400ee26cc", "answers": [{"text": "Edward the Confessor", "answer_start": 90}, {"text": "Edward the Confessor", "answer_start": 90}, {"text": "Edward the Confessor", "answer_start": 90}], "is_impossible": false}, {"plausible_answers": [{"text": "Normans", "answer_start": 48}], "question": "Who came into contact with Wales after the conquest of England?", "id": "5ad3fb01604f3c001a3ffb35", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "Ralph", "answer_start": 141}], "question": "Who made Edward the Confessor Earl?", "id": "5ad3fb01604f3c001a3ffb36", "answers": [], "is_impossible": true}], "context": "Even before the Norman Conquest of England, the Normans had come into contact with Wales. Edward the Confessor had set up the aforementioned Ralph as earl of Hereford and charged him with defending the Marches and warring with the Welsh. In these original ventures, the Normans failed to make any headway into Wales."}, {"qas": [{"question": "What country was under the control of Norman barons?", "id": "56de3dbacffd8e1900b4b6d2", "answers": [{"text": "Wales", "answer_start": 299}, {"text": "Wales", "answer_start": 299}, {"text": "Wales", "answer_start": 299}], "is_impossible": false}, {"plausible_answers": [{"text": "the Marches", "answer_start": 37}], "question": "What came under Williams dominace before the conquest?", "id": "5ad3fb6e604f3c001a3ffb5f", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "Bernard de Neufmarch\u00e9, Roger of Montgomery in Shropshire and Hugh Lupus in Cheshire", "answer_start": 136}], "question": "What Welsh lords did William conquer?", "id": "5ad3fb6e604f3c001a3ffb60", "answers": [], "is_impossible": true}], "context": "Subsequent to the Conquest, however, the Marches came completely under the dominance of William's most trusted Norman barons, including Bernard de Neufmarch\u00e9, Roger of Montgomery in Shropshire and Hugh Lupus in Cheshire. These Normans began a long period of slow conquest during which almost all of Wales was at some point subject to Norman interference. Norman words, such as baron (barwn), first entered Welsh at that time."}, {"qas": [{"question": "What year did Roger de Tosny fail to accomplish what he set out to do?", "id": "56de3e414396321400ee26d8", "answers": [{"text": "1018", "answer_start": 221}, {"text": "1064", "answer_start": 345}, {"text": "1018", "answer_start": 221}], "is_impossible": false}, {"question": "Who was in charge of the papal army in the War of Barbastro?", "id": "56de3e414396321400ee26d9", "answers": [{"text": "William of Montreuil", "answer_start": 380}, {"text": "William of Montreuil", "answer_start": 380}, {"text": "William of Montreuil", "answer_start": 380}], "is_impossible": false}, {"plausible_answers": [{"text": "Antioch", "answer_start": 142}], "question": "Where did the Normans carve out a principality before the First Crusade?", "id": "5ad3fc41604f3c001a3ffb8f", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "Reconquista in Iberia", "answer_start": 195}], "question": "What did the Normans take part in in the 10th century?", "id": "5ad3fc41604f3c001a3ffb90", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "Roger de Tosny", "answer_start": 227}], "question": "Who carved out a state for himself from Moorish lands?", "id": "5ad3fc41604f3c001a3ffb91", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "the War of Barbastro", "answer_start": 358}], "question": "What war occured in the 1oth century?", "id": "5ad3fc41604f3c001a3ffb92", "answers": [], "is_impossible": true}], "context": "The legendary religious zeal of the Normans was exercised in religious wars long before the First Crusade carved out a Norman principality in Antioch. They were major foreign participants in the Reconquista in Iberia. In 1018, Roger de Tosny travelled to the Iberian Peninsula to carve out a state for himself from Moorish lands, but failed. In 1064, during the War of Barbastro, William of Montreuil led the papal army and took a huge booty."}, {"qas": [{"question": "When did the Siege of Antioch take place?", "id": "56de3ebc4396321400ee26e6", "answers": [{"text": "1097", "answer_start": 267}, {"text": "1097", "answer_start": 267}, {"text": "1097", "answer_start": 267}], "is_impossible": false}, {"question": "What was the name of Bohemond's nephew?", "id": "56de3ebc4396321400ee26e7", "answers": [{"text": "Tancred", "answer_start": 100}, {"text": "Tancred", "answer_start": 100}, {"text": "Tancred", "answer_start": 100}], "is_impossible": false}, {"question": "What major conquest did Tancred play a roll in?", "id": "56de3ebc4396321400ee26e8", "answers": [{"text": "Jerusalem", "answer_start": 390}, {"text": "Jerusalem", "answer_start": 390}, {"text": "Jerusalem", "answer_start": 390}], "is_impossible": false}, {"plausible_answers": [{"text": "1097", "answer_start": 267}], "question": "When did Tancred lay siege to Antioch?", "id": "5ad4017a604f3c001a3ffd1f", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "Bohemond", "answer_start": 273}], "question": "What was the name of Tancred's nephew?", "id": "5ad4017a604f3c001a3ffd20", "answers": [], "is_impossible": true}], "context": "In 1096, Crusaders passing by the siege of Amalfi were joined by Bohemond of Taranto and his nephew Tancred with an army of Italo-Normans. Bohemond was the de facto leader of the Crusade during its passage through Asia Minor. After the successful Siege of Antioch in 1097, Bohemond began carving out an independent principality around that city. Tancred was instrumental in the conquest of Jerusalem and he worked for the expansion of the Crusader kingdom in Transjordan and the region of Galilee.[citation needed]"}, {"qas": [{"question": "How long did Western Europe control Cyprus?", "id": "56de3efccffd8e1900b4b6fe", "answers": [{"text": "380 years", "answer_start": 189}, {"text": "380 years", "answer_start": 189}, {"text": "380 years", "answer_start": 189}], "is_impossible": false}, {"plausible_answers": [{"text": "Cyprus", "answer_start": 16}], "question": "Who defeated Anglo-Norman forces during the third Crusade?", "id": "5ad401f2604f3c001a3ffd41", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "Cyprus", "answer_start": 16}], "question": "Who dominated Western Europe for 380 years?", "id": "5ad401f2604f3c001a3ffd42", "answers": [], "is_impossible": true}], "context": "The conquest of Cyprus by the Anglo-Norman forces of the Third Crusade opened a new chapter in the history of the island, which would be under Western European domination for the following 380 years. Although not part of a planned operation, the conquest had much more permanent results than initially expected."}, {"qas": [{"question": "What ruined Richard's plans to reach Acre?", "id": "56de3f784396321400ee26fa", "answers": [{"text": "a storm", "answer_start": 99}, {"text": "a storm", "answer_start": 99}, {"text": "a storm", "answer_start": 99}], "is_impossible": false}, {"question": "Who was Richard's fiancee?", "id": "56de3f784396321400ee26fb", "answers": [{"text": "Berengaria", "answer_start": 218}, {"text": "Berengaria", "answer_start": 218}, {"text": "Berengaria", "answer_start": 218}], "is_impossible": false}, {"question": "What year did the storm hit Richard's fleet?", "id": "56de3f784396321400ee26fc", "answers": [{"text": "1191", "answer_start": 9}, {"text": "1191", "answer_start": 9}, {"text": "1191", "answer_start": 9}], "is_impossible": false}, {"question": "Who ruled Cyprus in 1191?", "id": "56de3f784396321400ee26fd", "answers": [{"text": "Isaac Komnenos", "answer_start": 421}, {"text": "Isaac", "answer_start": 522}, {"text": "Isaac Komnenos", "answer_start": 421}], "is_impossible": false}, {"plausible_answers": [{"text": "Richard the Lion-hearted", "answer_start": 14}], "question": "Who left Messina in the 11th century?", "id": "5ad40280604f3c001a3ffd57", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "1191", "answer_start": 446}], "question": "What year did Richards fleet avoid a storm?", "id": "5ad40280604f3c001a3ffd58", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "Isaac Komnenos", "answer_start": 421}], "question": "Who ruled Cyprus in the 11th century?", "id": "5ad40280604f3c001a3ffd59", "answers": [], "is_impossible": true}], "context": "In April 1191 Richard the Lion-hearted left Messina with a large fleet in order to reach Acre. But a storm dispersed the fleet. After some searching, it was discovered that the boat carrying his sister and his fianc\u00e9e Berengaria was anchored on the south coast of Cyprus, together with the wrecks of several other ships, including the treasure ship. Survivors of the wrecks had been taken prisoner by the island's despot Isaac Komnenos. On 1 May 1191, Richard's fleet arrived in the port of Limassol on Cyprus. He ordered Isaac to release the prisoners and the treasure. Isaac refused, so Richard landed his troops and took Limassol."}, {"qas": [{"question": "Who was Guy's Rival?", "id": "56de40da4396321400ee2708", "answers": [{"text": "Conrad of Montferrat", "answer_start": 188}, {"text": "Conrad of Montferrat", "answer_start": 188}, {"text": "Conrad of Montferrat", "answer_start": 188}], "is_impossible": false}, {"question": "What were Isaac's chains made out of?", "id": "56de40da4396321400ee2709", "answers": [{"text": "silver", "answer_start": 565}, {"text": "silver", "answer_start": 565}, {"text": "silver", "answer_start": 565}], "is_impossible": false}, {"question": "Who led Richard's troops when Cyprus was conquered?", "id": "56de40da4396321400ee270a", "answers": [{"text": "Guy de Lusignan", "answer_start": 85}, {"text": "Guy de Lusignan", "answer_start": 508}, {"text": "Guy de Lusignan", "answer_start": 508}], "is_impossible": false}, {"plausible_answers": [{"text": "Isaac", "answer_start": 525}], "question": "Who's chains were made out of copper?", "id": "5ad404a6604f3c001a3ffde1", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "Richard", "answer_start": 588}], "question": "Who led Issacs troops to Cyprus?", "id": "5ad404a6604f3c001a3ffde2", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "Richard", "answer_start": 658}], "question": "Who offered Issac his daughter?", "id": "5ad404a6604f3c001a3ffde3", "answers": [], "is_impossible": true}], "context": "Various princes of the Holy Land arrived in Limassol at the same time, in particular Guy de Lusignan. All declared their support for Richard provided that he support Guy against his rival Conrad of Montferrat. The local barons abandoned Isaac, who considered making peace with Richard, joining him on the crusade, and offering his daughter in marriage to the person named by Richard. But Isaac changed his mind and tried to escape. Richard then proceeded to conquer the whole island, his troops being led by Guy de Lusignan. Isaac surrendered and was confined with silver chains, because Richard had promised that he would not place him in irons. By 1 June, Richard had conquered the whole island. His exploit was well publicized and contributed to his reputation; he also derived significant financial gains from the conquest of the island. Richard left for Acre on 5 June, with his allies. Before his departure, he named two of his Norman generals, Richard de Camville and Robert de Thornham, as governors of Cyprus."}, {"qas": [{"question": "What continent are the Canarian Islands off the coast of?", "id": "56de49564396321400ee277a", "answers": [{"text": "Africa", "answer_start": 219}, {"text": "Africa", "answer_start": 219}, {"text": "Africa", "answer_start": 219}], "is_impossible": false}, {"plausible_answers": [{"text": "Jean de Bethencourt and the Poitevine Gadifer de la Salle", "answer_start": 62}], "question": "Who conquered the Canary Island in the 14th century?", "id": "5ad40419604f3c001a3ffdb7", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "Canarian islands", "answer_start": 134}], "question": "What Islands are of the coast of Asia?", "id": "5ad40419604f3c001a3ffdb8", "answers": [], "is_impossible": true}], "context": "Between 1402 and 1405, the expedition led by the Norman noble Jean de Bethencourt and the Poitevine Gadifer de la Salle conquered the Canarian islands of Lanzarote, Fuerteventura and El Hierro off the Atlantic coast of Africa. Their troops were gathered in Normandy, Gascony and were later reinforced by Castilian colonists."}, {"qas": [{"question": "Who became the King of the Canary Islands?", "id": "56de49a8cffd8e1900b4b7a7", "answers": [{"text": "Bethencourt", "answer_start": 0}, {"text": "Bethencourt", "answer_start": 0}, {"text": "Bethencourt", "answer_start": 0}], "is_impossible": false}, {"question": "Who bought the rights?", "id": "56de49a8cffd8e1900b4b7a8", "answers": [{"text": "Enrique P\u00e9rez de Guzm\u00e1n", "answer_start": 172}, {"text": "Enrique P\u00e9rez de Guzm\u00e1n", "answer_start": 172}, {"text": "Enrique P\u00e9rez de Guzm\u00e1n", "answer_start": 172}], "is_impossible": false}, {"question": "Who sold the rights?", "id": "56de49a8cffd8e1900b4b7a9", "answers": [{"text": "Maciot de Bethencourt", "answer_start": 116}, {"text": "Maciot de Bethencourt", "answer_start": 116}, {"text": "Maciot de Bethencourt", "answer_start": 116}], "is_impossible": false}, {"plausible_answers": [{"text": "King of the Canary Islands", "answer_start": 30}], "question": "What title did Henry II take in the Canary Island?", "id": "5ad403c1604f3c001a3ffd97", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "Maciot de Bethencourt", "answer_start": 116}], "question": "Who sold the rights to the island in the 14th century?", "id": "5ad403c1604f3c001a3ffd98", "answers": [], "is_impossible": true}], "context": "Bethencourt took the title of King of the Canary Islands, as vassal to Henry III of Castile. In 1418, Jean's nephew Maciot de Bethencourt sold the rights to the islands to Enrique P\u00e9rez de Guzm\u00e1n, 2nd Count de Niebla."}, {"qas": [{"question": "Where are Jersey and Guernsey", "id": "56de4a474396321400ee2786", "answers": [{"text": "Channel Islands", "answer_start": 155}, {"text": "the Channel Islands", "answer_start": 151}, {"text": "the Channel Islands", "answer_start": 151}], "is_impossible": false}, {"question": "How many customaries does Norman customary law have?", "id": "56de4a474396321400ee2787", "answers": [{"text": "two", "answer_start": 212}, {"text": "two", "answer_start": 212}, {"text": "two", "answer_start": 212}], "is_impossible": false}, {"plausible_answers": [{"text": "The customary law of Normandy", "answer_start": 0}], "question": "What Norman law wasdeveloped between 1000 and 1300?", "id": "5ad40358604f3c001a3ffd7d", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "Norman customary law", "answer_start": 172}], "question": "What law has 3 customeries?", "id": "5ad40358604f3c001a3ffd7e", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "Summa de legibus Normanniae in curia la\u00efcali)", "answer_start": 461}], "question": "What was authored in the 12th century?", "id": "5ad40358604f3c001a3ffd7f", "answers": [], "is_impossible": true}], "context": "The customary law of Normandy was developed between the 10th and 13th centuries and survives today through the legal systems of Jersey and Guernsey in the Channel Islands. Norman customary law was transcribed in two customaries in Latin by two judges for use by them and their colleagues: These are the Tr\u00e8s ancien coutumier (Very ancient customary), authored between 1200 and 1245; and the Grand coutumier de Normandie (Great customary of Normandy, originally Summa de legibus Normanniae in curia la\u00efcali), authored between 1235 and 1245."}, {"qas": [{"question": "What is the Norman architecture idiom?", "id": "56de4a89cffd8e1900b4b7bd", "answers": [{"text": "Romanesque", "answer_start": 135}, {"text": "Romanesque", "answer_start": 135}, {"text": "Romanesque", "answer_start": 135}], "is_impossible": false}, {"question": "What kind of arches does Norman architecture have?", "id": "56de4a89cffd8e1900b4b7be", "answers": [{"text": "rounded", "answer_start": 332}, {"text": "rounded", "answer_start": 332}, {"text": "rounded", "answer_start": 332}], "is_impossible": false}, {"plausible_answers": [{"text": "rounded arches", "answer_start": 332}], "question": "What type of arch did the Normans invent?", "id": "5ad402ce604f3c001a3ffd67", "answers": [], "is_impossible": true}], "context": "Norman architecture typically stands out as a new stage in the architectural history of the regions they subdued. They spread a unique Romanesque idiom to England and Italy, and the encastellation of these regions with keeps in their north French style fundamentally altered the military landscape. Their style was characterised by rounded arches, particularly over windows and doorways, and massive proportions."}, {"qas": [{"question": "What architecture type came after Norman in England?", "id": "56de4b074396321400ee2793", "answers": [{"text": "Early Gothic", "answer_start": 108}, {"text": "Early Gothic", "answer_start": 108}, {"text": "Early Gothic", "answer_start": 108}], "is_impossible": false}, {"question": "What architecture type came before Norman in England?", "id": "56de4b074396321400ee2794", "answers": [{"text": "Anglo-Saxon", "answer_start": 79}, {"text": "Anglo-Saxon", "answer_start": 79}, {"text": "Anglo-Saxon", "answer_start": 79}], "is_impossible": false}, {"question": "What place had the Norman Arab architectural style?", "id": "56de4b074396321400ee2795", "answers": [{"text": "Sicily", "answer_start": 328}, {"text": "Sicily", "answer_start": 328}, {"text": "Kingdom of Sicily", "answer_start": 317}], "is_impossible": false}, {"plausible_answers": [{"text": "the period of Norman architecture", "answer_start": 12}], "question": "What precedes the period of Anglo-Saxon architecture?", "id": "5ad400b0604f3c001a3ffcdf", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "Anglo-Saxon", "answer_start": 79}], "question": "What architecture type came after Early Gothic?", "id": "5ad400b0604f3c001a3ffce0", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "Normans", "answer_start": 145}], "question": "Who incorperated Islamic, LOmbard, and Byzantine building techniques in England?", "id": "5ad400b0604f3c001a3ffce1", "answers": [], "is_impossible": true}], "context": "In England, the period of Norman architecture immediately succeeds that of the Anglo-Saxon and precedes the Early Gothic. In southern Italy, the Normans incorporated elements of Islamic, Lombard, and Byzantine building techniques into their own, initiating a unique style known as Norman-Arab architecture within the Kingdom of Sicily."}, {"qas": [{"question": "When did the church reform begin?", "id": "56de4b5c4396321400ee2799", "answers": [{"text": "early 11th century", "answer_start": 129}, {"text": "11th century", "answer_start": 135}, {"text": "in the early 11th century", "answer_start": 122}], "is_impossible": false}, {"question": "Who used the church to unify themselves?", "id": "56de4b5c4396321400ee279a", "answers": [{"text": "dukes", "answer_start": 152}, {"text": "the dukes", "answer_start": 422}, {"text": "dukes", "answer_start": 426}], "is_impossible": false}, {"plausible_answers": [{"text": "visual arts", "answer_start": 7}], "question": "What kind of art did the Normans have a rich tradition of?", "id": "5ad3ffd7604f3c001a3ffca7", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "the dukes", "answer_start": 148}], "question": "Who began a program of church reform in the 1100s", "id": "5ad3ffd7604f3c001a3ffca8", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "the dukes", "answer_start": 148}], "question": "Who was divided by the church?", "id": "5ad3ffd7604f3c001a3ffca9", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "Normandy", "answer_start": 859}], "question": "Who experienced aa golden age in the 1100s and 1200s", "id": "5ad3ffd7604f3c001a3ffcaa", "answers": [], "is_impossible": true}], "context": "In the visual arts, the Normans did not have the rich and distinctive traditions of the cultures they conquered. However, in the early 11th century the dukes began a programme of church reform, encouraging the Cluniac reform of monasteries and patronising intellectual pursuits, especially the proliferation of scriptoria and the reconstitution of a compilation of lost illuminated manuscripts. The church was utilised by the dukes as a unifying force for their disparate duchy. The chief monasteries taking part in this \"renaissance\" of Norman art and scholarship were Mont-Saint-Michel, F\u00e9camp, Jumi\u00e8ges, Bec, Saint-Ouen, Saint-Evroul, and Saint-Wandrille. These centres were in contact with the so-called \"Winchester school\", which channeled a pure Carolingian artistic tradition to Normandy. In the final decade of the 11th and first of the 12th century, Normandy experienced a golden age of illustrated manuscripts, but it was brief and the major scriptoria of Normandy ceased to function after the midpoint of the century."}, {"qas": [{"question": "When were the French wars of religion?", "id": "56de4bb84396321400ee27a2", "answers": [{"text": "16th century", "answer_start": 35}, {"text": "the 16th century", "answer_start": 31}, {"text": "in the 16th century", "answer_start": 28}], "is_impossible": false}, {"plausible_answers": [{"text": "The French Wars of Religion", "answer_start": 0}], "question": "What wars did France fight in the 1600s?", "id": "5ad3ff1b604f3c001a3ffc73", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "French Revolution", "answer_start": 52}], "question": "What revolution was fought in the 1899's?", "id": "5ad3ff1b604f3c001a3ffc74", "answers": [], "is_impossible": true}], "context": "The French Wars of Religion in the 16th century and French Revolution in the 18th successively destroyed much of what existed in the way of the architectural and artistic remnant of this Norman creativity. The former, with their violence, caused the wanton destruction of many Norman edifices; the latter, with its assault on religion, caused the purposeful destruction of religious objects of any type, and its destabilisation of society resulted in rampant pillaging."}, {"qas": [{"question": "What kind of needlework was used in the creation of the Bayeux Tapestry?", "id": "56de4c324396321400ee27ab", "answers": [{"text": "embroidery", "answer_start": 104}, {"text": "embroidery", "answer_start": 104}, {"text": "embroidery", "answer_start": 104}], "is_impossible": false}, {"question": "What is Norman art's most well known piece?", "id": "56de4c324396321400ee27ac", "answers": [{"text": "Bayeux Tapestry", "answer_start": 49}, {"text": "the Bayeux Tapestry", "answer_start": 45}, {"text": "the Bayeux Tapestry", "answer_start": 45}], "is_impossible": false}, {"question": "Who commissioned the Tapestry?", "id": "56de4c324396321400ee27ad", "answers": [{"text": "Odo", "answer_start": 139}, {"text": "Odo", "answer_start": 139}, {"text": "Odo", "answer_start": 139}], "is_impossible": false}, {"plausible_answers": [{"text": "the Bayeux Tapestry", "answer_start": 45}], "question": "What is the oldest work of Norman art?", "id": "5ad3fe91604f3c001a3ffc47", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "Odo", "answer_start": 139}], "question": "Who commissioned Danish vikings to create the Bayeux Tapestry?", "id": "5ad3fe91604f3c001a3ffc48", "answers": [], "is_impossible": true}], "context": "By far the most famous work of Norman art is the Bayeux Tapestry, which is not a tapestry but a work of embroidery. It was commissioned by Odo, the Bishop of Bayeux and first Earl of Kent, employing natives from Kent who were learned in the Nordic traditions imported in the previous half century by the Danish Vikings."}, {"qas": [{"question": "What is the most important type of Norman art preserved in churches?", "id": "56de51244396321400ee27ef", "answers": [{"text": "mosaics", "answer_start": 466}, {"text": "mosaics", "answer_start": 466}, {"text": "mosaics", "answer_start": 466}], "is_impossible": false}, {"plausible_answers": [{"text": "as stonework or metalwork", "answer_start": 42}], "question": "How has British art survived in Normandy?", "id": "5ad3fe0d604f3c001a3ffc1b", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "mosaics", "answer_start": 466}], "question": "What is the most common form of Norman art in churches?", "id": "5ad3fe0d604f3c001a3ffc1c", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "Lombard Salerno", "answer_start": 549}], "question": "What was a centre of ivorywork in the 1100s?", "id": "5ad3fe0d604f3c001a3ffc1d", "answers": [], "is_impossible": true}], "context": "In Britain, Norman art primarily survives as stonework or metalwork, such as capitals and baptismal fonts. In southern Italy, however, Norman artwork survives plentifully in forms strongly influenced by its Greek, Lombard, and Arab forebears. Of the royal regalia preserved in Palermo, the crown is Byzantine in style and the coronation cloak is of Arab craftsmanship with Arabic inscriptions. Many churches preserve sculptured fonts, capitals, and more importantly mosaics, which were common in Norman Italy and drew heavily on the Greek heritage. Lombard Salerno was a centre of ivorywork in the 11th century and this continued under Norman domination. Finally should be noted the intercourse between French Crusaders traveling to the Holy Land who brought with them French artefacts with which to gift the churches at which they stopped in southern Italy amongst their Norman cousins. For this reason many south Italian churches preserve works from France alongside their native pieces."}, {"qas": [{"question": "In what century did important classical music developments occur in Normandy?", "id": "56de51c64396321400ee27f7", "answers": [{"text": "11th", "answer_start": 97}, {"text": "the 11th", "answer_start": 93}, {"text": "11th", "answer_start": 97}], "is_impossible": false}, {"question": "Who were the two abbots at F\u00e9camp Abbey?", "id": "56de51c64396321400ee27f8", "answers": [{"text": "William of Volpiano and John of Ravenna", "answer_start": 234}, {"text": "William of Volpiano and John of Ravenna", "answer_start": 234}, {"text": "William of Volpiano and John of Ravenna", "answer_start": 234}], "is_impossible": false}, {"plausible_answers": [{"text": "classical music", "answer_start": 74}], "question": "What developed in Normandy during the 1100s?", "id": "5ad3fd68604f3c001a3ffbe7", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "musical composition", "answer_start": 632}], "question": "What was Fecamp Abby the center of?", "id": "5ad3fd68604f3c001a3ffbe8", "answers": [], "is_impossible": true}], "context": "Normandy was the site of several important developments in the history of classical music in the 11th century. F\u00e9camp Abbey and Saint-Evroul Abbey were centres of musical production and education. At F\u00e9camp, under two Italian abbots, William of Volpiano and John of Ravenna, the system of denoting notes by letters was developed and taught. It is still the most common form of pitch representation in English- and German-speaking countries today. Also at F\u00e9camp, the staff, around which neumes were oriented, was first developed and taught in the 11th century. Under the German abbot Isembard, La Trinit\u00e9-du-Mont became a centre of musical composition."}, {"qas": [{"question": "Where did the monks flee to?", "id": "56de52614396321400ee27fb", "answers": [{"text": "southern Italy", "answer_start": 179}, {"text": "southern Italy", "answer_start": 179}, {"text": "southern Italy", "answer_start": 179}], "is_impossible": false}, {"question": "What monastery did the Saint-Evroul monks establish in Italy?", "id": "56de52614396321400ee27fc", "answers": [{"text": "Latin monastery at Sant'Eufemia.", "answer_start": 259}, {"text": "a Latin monastery at Sant'Eufemia", "answer_start": 257}, {"text": "Sant'Eufemia", "answer_start": 278}], "is_impossible": false}, {"question": "Who patronized the monks in Italy? ", "id": "56de52614396321400ee27fd", "answers": [{"text": "Robert Guiscard", "answer_start": 225}, {"text": "Robert Guiscard", "answer_start": 225}, {"text": "Robert Guiscard", "answer_start": 225}], "is_impossible": false}, {"question": "What tradition were the Saint-Evroul monks known for?", "id": "56de52614396321400ee27fe", "answers": [{"text": "singing", "answer_start": 32}, {"text": "singing", "answer_start": 32}, {"text": "singing", "answer_start": 330}], "is_impossible": false}, {"plausible_answers": [{"text": "monks", "answer_start": 149}], "question": "Who fled from southern Italy?", "id": "5ad3fccf604f3c001a3ffbb5", "answers": [], "is_impossible": true}], "context": "At Saint Evroul, a tradition of singing had developed and the choir achieved fame in Normandy. Under the Norman abbot Robert de Grantmesnil, several monks of Saint-Evroul fled to southern Italy, where they were patronised by Robert Guiscard and established a Latin monastery at Sant'Eufemia. There they continued the tradition of singing."}]}]} \ No newline at end of file diff --git a/tests/data/nlp/squad/v2.0/train-v2.0.json b/tests/data/nlp/squad/v2.0/train-v2.0.json deleted file mode 100644 index 86dcc614f712..000000000000 --- a/tests/data/nlp/squad/v2.0/train-v2.0.json +++ /dev/null @@ -1 +0,0 @@ -{"version": "v2.0", "data": [{"title": "Normans", "paragraphs": [{"qas": [{"question": "In what country is Normandy located?", "id": "56ddde6b9a695914005b9628", "answers": [{"text": "France", "answer_start": 159}, {"text": "France", "answer_start": 159}, {"text": "France", "answer_start": 159}, {"text": "France", "answer_start": 159}], "is_impossible": false}, {"question": "When were the Normans in Normandy?", "id": "56ddde6b9a695914005b9629", "answers": [{"text": "10th and 11th centuries", "answer_start": 94}, {"text": "in the 10th and 11th centuries", "answer_start": 87}, {"text": "10th and 11th centuries", "answer_start": 94}, {"text": "10th and 11th centuries", "answer_start": 94}], "is_impossible": false}, {"question": "From which countries did the Norse originate?", "id": "56ddde6b9a695914005b962a", "answers": [{"text": "Denmark, Iceland and Norway", "answer_start": 256}, {"text": "Denmark, Iceland and Norway", "answer_start": 256}, {"text": "Denmark, Iceland and Norway", "answer_start": 256}, {"text": "Denmark, Iceland and Norway", "answer_start": 256}], "is_impossible": false}, {"question": "Who was the Norse leader?", "id": "56ddde6b9a695914005b962b", "answers": [{"text": "Rollo", "answer_start": 308}, {"text": "Rollo", "answer_start": 308}, {"text": "Rollo", "answer_start": 308}, {"text": "Rollo", "answer_start": 308}], "is_impossible": false}, {"question": "What century did the Normans first gain their separate identity?", "id": "56ddde6b9a695914005b962c", "answers": [{"text": "10th century", "answer_start": 671}, {"text": "the first half of the 10th century", "answer_start": 649}, {"text": "10th", "answer_start": 671}, {"text": "10th", "answer_start": 671}], "is_impossible": false}, {"plausible_answers": [{"text": "Normans", "answer_start": 4}], "question": "Who gave their name to Normandy in the 1000's and 1100's", "id": "5ad39d53604f3c001a3fe8d1", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "Normandy", "answer_start": 137}], "question": "What is France a region of?", "id": "5ad39d53604f3c001a3fe8d2", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "Rollo", "answer_start": 308}], "question": "Who did King Charles III swear fealty to?", "id": "5ad39d53604f3c001a3fe8d3", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "10th century", "answer_start": 671}], "question": "When did the Frankish identity emerge?", "id": "5ad39d53604f3c001a3fe8d4", "answers": [], "is_impossible": true}], "context": "The Normans (Norman: Nourmands; French: Normands; Latin: Normanni) were the people who in the 10th and 11th centuries gave their name to Normandy, a region in France. They were descended from Norse (\"Norman\" comes from \"Norseman\") raiders and pirates from Denmark, Iceland and Norway who, under their leader Rollo, agreed to swear fealty to King Charles III of West Francia. Through generations of assimilation and mixing with the native Frankish and Roman-Gaulish populations, their descendants would gradually merge with the Carolingian-based cultures of West Francia. The distinct cultural and ethnic identity of the Normans emerged initially in the first half of the 10th century, and it continued to evolve over the succeeding centuries."}, {"qas": [{"question": "Who was the duke in the battle of Hastings?", "id": "56dddf4066d3e219004dad5f", "answers": [{"text": "William the Conqueror", "answer_start": 1022}, {"text": "William the Conqueror", "answer_start": 1022}, {"text": "William the Conqueror", "answer_start": 1022}], "is_impossible": false}, {"question": "Who ruled the duchy of Normandy", "id": "56dddf4066d3e219004dad60", "answers": [{"text": "Richard I", "answer_start": 573}, {"text": "Richard I", "answer_start": 573}, {"text": "Richard I", "answer_start": 573}], "is_impossible": false}, {"question": "What religion were the Normans", "id": "56dddf4066d3e219004dad61", "answers": [{"text": "Catholic", "answer_start": 230}, {"text": "Catholic orthodoxy", "answer_start": 230}, {"text": "Catholic", "answer_start": 230}], "is_impossible": false}, {"plausible_answers": [{"text": "political, cultural and military", "answer_start": 31}], "question": "What type of major impact did the Norman dynasty have on modern Europe?", "id": "5ad3a266604f3c001a3fea27", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "Normans", "answer_start": 118}], "question": "Who was famed for their Christian spirit?", "id": "5ad3a266604f3c001a3fea28", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "Normans", "answer_start": 118}], "question": "Who assimilted the Roman language?", "id": "5ad3a266604f3c001a3fea29", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "Richard I", "answer_start": 573}], "question": "Who ruled the country of Normandy?", "id": "5ad3a266604f3c001a3fea2a", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "Antioch", "answer_start": 1295}], "question": "What principality did William the conquerer found?", "id": "5ad3a266604f3c001a3fea2b", "answers": [], "is_impossible": true}], "context": "The Norman dynasty had a major political, cultural and military impact on medieval Europe and even the Near East. The Normans were famed for their martial spirit and eventually for their Christian piety, becoming exponents of the Catholic orthodoxy into which they assimilated. They adopted the Gallo-Romance language of the Frankish land they settled, their dialect becoming known as Norman, Normaund or Norman French, an important literary language. The Duchy of Normandy, which they formed by treaty with the French crown, was a great fief of medieval France, and under Richard I of Normandy was forged into a cohesive and formidable principality in feudal tenure. The Normans are noted both for their culture, such as their unique Romanesque architecture and musical traditions, and for their significant military accomplishments and innovations. Norman adventurers founded the Kingdom of Sicily under Roger II after conquering southern Italy on the Saracens and Byzantines, and an expedition on behalf of their duke, William the Conqueror, led to the Norman conquest of England at the Battle of Hastings in 1066. Norman cultural and military influence spread from these new European centres to the Crusader states of the Near East, where their prince Bohemond I founded the Principality of Antioch in the Levant, to Scotland and Wales in Great Britain, to Ireland, and to the coasts of north Africa and the Canary Islands."}, {"qas": [{"question": "What is the original meaning of the word Norman?", "id": "56dde0379a695914005b9636", "answers": [{"text": "Viking", "answer_start": 341}, {"text": "Norseman, Viking", "answer_start": 331}, {"text": "Norseman, Viking", "answer_start": 331}], "is_impossible": false}, {"question": "When was the Latin version of the word Norman first recorded?", "id": "56dde0379a695914005b9637", "answers": [{"text": "9th century", "answer_start": 309}, {"text": "9th century", "answer_start": 309}, {"text": "9th century", "answer_start": 309}], "is_impossible": false}, {"plausible_answers": [{"text": "\"Normans\"", "answer_start": 17}], "question": "What name comes from the English words Normans/Normanz?", "id": "5ad3ab70604f3c001a3feb89", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "9th century", "answer_start": 309}], "question": "When was the French version of the word Norman first recorded?", "id": "5ad3ab70604f3c001a3feb8a", "answers": [], "is_impossible": true}], "context": "The English name \"Normans\" comes from the French words Normans/Normanz, plural of Normant, modern French normand, which is itself borrowed from Old Low Franconian Nortmann \"Northman\" or directly from Old Norse Nor\u00f0ma\u00f0r, Latinized variously as Nortmannus, Normannus, or Nordmannus (recorded in Medieval Latin, 9th century) to mean \"Norseman, Viking\"."}, {"qas": [{"question": "When was the Duchy of Normandy founded?", "id": "56dde0ba66d3e219004dad75", "answers": [{"text": "911", "answer_start": 244}, {"text": "911", "answer_start": 244}, {"text": "911", "answer_start": 244}], "is_impossible": false}, {"question": "Who did Rollo sign the treaty of Saint-Clair-sur-Epte with?", "id": "56dde0ba66d3e219004dad76", "answers": [{"text": "King Charles III", "answer_start": 324}, {"text": "King Charles III", "answer_start": 324}, {"text": "King Charles III", "answer_start": 324}], "is_impossible": false}, {"question": "What river originally bounded the Duchy", "id": "56dde0ba66d3e219004dad77", "answers": [{"text": "Seine", "answer_start": 711}, {"text": "Epte", "answer_start": 524}, {"text": "Seine", "answer_start": 711}], "is_impossible": false}, {"plausible_answers": [{"text": "10th century", "answer_start": 21}], "question": "when did Nors encampments ivolve into destructive incursions?", "id": "5ad3ad61604f3c001a3fec0d", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "treaty of Saint-Clair-sur-Epte", "answer_start": 285}], "question": "What treaty was established in the 9th century?", "id": "5ad3ad61604f3c001a3fec0e", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "Rollo", "answer_start": 384}], "question": "Who established a treaty with King Charles the third of France?", "id": "5ad3ad61604f3c001a3fec0f", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "further Viking incursions.", "answer_start": 593}], "question": "What did the French promises to protect Rollo and his men from?", "id": "5ad3ad61604f3c001a3fec10", "answers": [], "is_impossible": true}], "context": "In the course of the 10th century, the initially destructive incursions of Norse war bands into the rivers of France evolved into more permanent encampments that included local women and personal property. The Duchy of Normandy, which began in 911 as a fiefdom, was established by the treaty of Saint-Clair-sur-Epte between King Charles III of West Francia and the famed Viking ruler Rollo, and was situated in the former Frankish kingdom of Neustria. The treaty offered Rollo and his men the French lands between the river Epte and the Atlantic coast in exchange for their protection against further Viking incursions. The area corresponded to the northern part of present-day Upper Normandy down to the river Seine, but the Duchy would eventually extend west beyond the Seine. The territory was roughly equivalent to the old province of Rouen, and reproduced the Roman administrative structure of Gallia Lugdunensis II (part of the former Gallia Lugdunensis)."}, {"qas": [{"question": "Who upon arriving gave the original viking settlers a common identity?", "id": "56dde1d966d3e219004dad8d", "answers": [{"text": "Rollo", "answer_start": 7}, {"text": "Rollo", "answer_start": 7}, {"text": "Rollo", "answer_start": 7}], "is_impossible": false}, {"plausible_answers": [{"text": "880s", "answer_start": 174}], "question": "When did Rollo begin to arrive in Normandy?", "id": "5ad3ae14604f3c001a3fec39", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "Danes, Norwegians, Norse\u2013Gaels, Orkney Vikings, possibly Swedes, and Anglo-Danes", "answer_start": 547}], "question": "What Viking groups were conquered by Rollo?", "id": "5ad3ae14604f3c001a3fec3a", "answers": [], "is_impossible": true}], "context": "Before Rollo's arrival, its populations did not differ from Picardy or the \u00cele-de-France, which were considered \"Frankish\". Earlier Viking settlers had begun arriving in the 880s, but were divided between colonies in the east (Roumois and Pays de Caux) around the low Seine valley and in the west in the Cotentin Peninsula, and were separated by traditional pagii, where the population remained about the same with almost no foreign settlers. Rollo's contingents who raided and ultimately settled Normandy and parts of the Atlantic coast included Danes, Norwegians, Norse\u2013Gaels, Orkney Vikings, possibly Swedes, and Anglo-Danes from the English Danelaw under Norse control."}, {"qas": [{"question": "What was the Norman religion?", "id": "56dde27d9a695914005b9651", "answers": [{"text": "Catholicism", "answer_start": 121}, {"text": "Catholicism", "answer_start": 121}, {"text": "Catholicism", "answer_start": 121}], "is_impossible": false}, {"question": "What part of France were the Normans located?", "id": "56dde27d9a695914005b9652", "answers": [{"text": "north", "answer_start": 327}, {"text": "the north", "answer_start": 323}, {"text": "north", "answer_start": 327}], "is_impossible": false}, {"plausible_answers": [{"text": "Catholicism", "answer_start": 121}], "question": "What was replace with the Norse religion?", "id": "5ad3af11604f3c001a3fec63", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "Frankish heritage", "answer_start": 224}], "question": "What did maternal Old Norse traditions merge with?", "id": "5ad3af11604f3c001a3fec64", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "Old Norse", "answer_start": 97}], "question": "What language replaced the Gallo-Romance language?", "id": "5ad3af11604f3c001a3fec65", "answers": [], "is_impossible": true}], "context": "The descendants of Rollo's Vikings and their Frankish wives would replace the Norse religion and Old Norse language with Catholicism (Christianity) and the Gallo-Romance language of the local people, blending their maternal Frankish heritage with Old Norse traditions and customs to synthesize a unique \"Norman\" culture in the north of France. The Norman language was forged by the adoption of the indigenous langue d'o\u00efl branch of Romance by a Norse-speaking ruling class, and it developed into the regional language that survives today."}, {"qas": [{"question": "What was one of the Norman's major exports?", "id": "56dde2fa66d3e219004dad9b", "answers": [{"text": "fighting horsemen", "answer_start": 428}, {"text": "fighting horsemen", "answer_start": 428}, {"text": "fighting horsemen", "answer_start": 428}], "is_impossible": false}, {"plausible_answers": [{"text": "France", "answer_start": 75}], "question": "Who adopted the fuedel doctrines of the Normans?", "id": "5ad3c626604f3c001a3ff011", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "fighting horsemen", "answer_start": 428}], "question": "What was one of the Norman's major imports?", "id": "5ad3c626604f3c001a3ff012", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "Italy, France and England", "answer_start": 490}], "question": "Who's arristocracy eventually served as avid Crusaders?", "id": "5ad3c626604f3c001a3ff013", "answers": [], "is_impossible": true}], "context": "The Normans thereafter adopted the growing feudal doctrines of the rest of France, and worked them into a functional hierarchical system in both Normandy and in England. The new Norman rulers were culturally and ethnically distinct from the old French aristocracy, most of whom traced their lineage to Franks of the Carolingian dynasty. Most Norman knights remained poor and land-hungry, and by 1066 Normandy had been exporting fighting horsemen for more than a generation. Many Normans of Italy, France and England eventually served as avid Crusaders under the Italo-Norman prince Bohemund I and the Anglo-Norman king Richard the Lion-Heart."}, {"qas": [{"question": "Who was the Normans' main enemy in Italy, the Byzantine Empire and Armenia?", "id": "56de0f6a4396321400ee257f", "answers": [{"text": "Seljuk Turks", "answer_start": 161}, {"text": "the Pechenegs, the Bulgars, and especially the Seljuk Turks", "answer_start": 114}, {"text": "the Seljuk Turks", "answer_start": 157}], "is_impossible": false}, {"plausible_answers": [{"text": "Normans", "answer_start": 15}], "question": "Who entered Italy soon after the Byzantine Empire?", "id": "5ad3dbc6604f3c001a3ff3e9", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "Pechenegs, the Bulgars, and especially the Seljuk Turks", "answer_start": 118}], "question": "Who did the Normans fight in Italy?", "id": "5ad3dbc6604f3c001a3ff3ea", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "Lombards", "answer_start": 244}], "question": "Who did the Normans encourage to come to the south?", "id": "5ad3dbc6604f3c001a3ff3eb", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "the Sicilian campaign of George Maniaces", "answer_start": 404}], "question": "During what campaign did the Vargian and Lombard fight?", "id": "5ad3dbc6604f3c001a3ff3ec", "answers": [], "is_impossible": true}], "context": "Soon after the Normans began to enter Italy, they entered the Byzantine Empire and then Armenia, fighting against the Pechenegs, the Bulgars, and especially the Seljuk Turks. Norman mercenaries were first encouraged to come to the south by the Lombards to act against the Byzantines, but they soon fought in Byzantine service in Sicily. They were prominent alongside Varangian and Lombard contingents in the Sicilian campaign of George Maniaces in 1038\u201340. There is debate whether the Normans in Greek service actually were from Norman Italy, and it now seems likely only a few came from there. It is also unknown how many of the \"Franks\", as the Byzantines called them, were Normans and not other Frenchmen."}, {"qas": [{"question": "When did Herve serve as a Byzantine general?", "id": "56de0ffd4396321400ee258d", "answers": [{"text": "1050s", "answer_start": 85}, {"text": "in the 1050s", "answer_start": 78}, {"text": "in the 1050s", "answer_start": 78}], "is_impossible": false}, {"question": "When did Robert Crispin go up against the Turks?", "id": "56de0ffd4396321400ee258e", "answers": [{"text": "1060s", "answer_start": 292}, {"text": "In the 1060s", "answer_start": 285}, {"text": "In the 1060s", "answer_start": 285}], "is_impossible": false}, {"question": "Who ruined Roussel de Bailleul's plans for an independent state?", "id": "56de0ffd4396321400ee258f", "answers": [{"text": "Alexius Komnenos", "answer_start": 522}, {"text": "Alexius Komnenos", "answer_start": 522}, {"text": "Alexius Komnenos", "answer_start": 522}], "is_impossible": false}, {"plausible_answers": [{"text": "Herv\u00e9", "answer_start": 72}], "question": "Who was the first Byzantine mercenary to serve with the Normans?", "id": "5ad3de8b604f3c001a3ff467", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "1050s", "answer_start": 85}], "question": "When did Herve serve as a Norman general?", "id": "5ad3de8b604f3c001a3ff468", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "Roussel de Bailleul", "answer_start": 359}], "question": "Who ruined Alexius Komnenos plans for an independent state?", "id": "5ad3de8b604f3c001a3ff469", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "1060s", "answer_start": 292}], "question": "When did Herve go up against the Turks?", "id": "5ad3de8b604f3c001a3ff46a", "answers": [], "is_impossible": true}], "context": "One of the first Norman mercenaries to serve as a Byzantine general was Herv\u00e9 in the 1050s. By then however, there were already Norman mercenaries serving as far away as Trebizond and Georgia. They were based at Malatya and Edessa, under the Byzantine duke of Antioch, Isaac Komnenos. In the 1060s, Robert Crispin led the Normans of Edessa against the Turks. Roussel de Bailleul even tried to carve out an independent state in Asia Minor with support from the local population, but he was stopped by the Byzantine general Alexius Komnenos."}, {"qas": [{"question": "What was the name of the Norman castle?", "id": "56de10b44396321400ee2593", "answers": [{"text": "Afranji", "answer_start": 539}, {"text": "Afranji", "answer_start": 539}, {"text": "Afranji", "answer_start": 539}], "is_impossible": false}, {"question": "Who was the leader when the Franks entered the Euphrates valley?", "id": "56de10b44396321400ee2594", "answers": [{"text": "Oursel", "answer_start": 256}, {"text": "Oursel", "answer_start": 256}, {"text": "Oursel", "answer_start": 256}], "is_impossible": false}, {"question": "Who did the Normans team up with in Anatolia?", "id": "56de10b44396321400ee2595", "answers": [{"text": "Turkish forces", "answer_start": 20}, {"text": "Turkish forces", "answer_start": 20}, {"text": "Turkish forces", "answer_start": 20}], "is_impossible": false}, {"plausible_answers": [{"text": "Turkish", "answer_start": 20}], "question": "Who joined Norman forces in the destruction of the Armenians?", "id": "5ad3e96b604f3c001a3ff689", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "the Armenian state", "answer_start": 171}], "question": "Who did the Turks take up service with?", "id": "5ad3e96b604f3c001a3ff68a", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "Oursel", "answer_start": 256}], "question": "What Frank led Norman forces?", "id": "5ad3e96b604f3c001a3ff68b", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "the upper Euphrates valley in northern Syria", "answer_start": 292}], "question": "Where did Oursel lead the Franks?", "id": "5ad3e96b604f3c001a3ff68c", "answers": [], "is_impossible": true}], "context": "Some Normans joined Turkish forces to aid in the destruction of the Armenians vassal-states of Sassoun and Taron in far eastern Anatolia. Later, many took up service with the Armenian state further south in Cilicia and the Taurus Mountains. A Norman named Oursel led a force of \"Franks\" into the upper Euphrates valley in northern Syria. From 1073 to 1074, 8,000 of the 20,000 troops of the Armenian general Philaretus Brachamius were Normans\u2014formerly of Oursel\u2014led by Raimbaud. They even lent their ethnicity to the name of their castle: Afranji, meaning \"Franks.\" The known trade between Amalfi and Antioch and between Bari and Tarsus may be related to the presence of Italo-Normans in those cities while Amalfi and Bari were under Norman rule in Italy."}, {"qas": [{"question": "What were the origins of the Raouliii family?", "id": "56de11154396321400ee25aa", "answers": [{"text": "Norman mercenary", "answer_start": 45}, {"text": "an Italo-Norman named Raoul", "answer_start": 217}, {"text": "descended from an Italo-Norman named Raoul", "answer_start": 202}], "is_impossible": false}, {"plausible_answers": [{"text": "Byzantine Greece", "answer_start": 20}], "question": "Where were several Norman mercenary familes originate from?", "id": "5ad3ea79604f3c001a3ff6e9", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "George Maniaces", "answer_start": 402}], "question": "Who did the Normans serve under in the 10th century?", "id": "5ad3ea79604f3c001a3ff6ea", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "Sicilian expedition", "answer_start": 425}], "question": "What expedition did George Maniaces lead in the 10th century?", "id": "5ad3ea79604f3c001a3ff6eb", "answers": [], "is_impossible": true}], "context": "Several families of Byzantine Greece were of Norman mercenary origin during the period of the Comnenian Restoration, when Byzantine emperors were seeking out western European warriors. The Raoulii were descended from an Italo-Norman named Raoul, the Petraliphae were descended from a Pierre d'Aulps, and that group of Albanian clans known as the Maniakates were descended from Normans who served under George Maniaces in the Sicilian expedition of 1038."}, {"qas": [{"question": "What was the name of the count of Apulia ", "id": "56de148dcffd8e1900b4b5bc", "answers": [{"text": "Robert Guiscard", "answer_start": 0}, {"text": "Robert Guiscard", "answer_start": 0}, {"text": "Robert Guiscard", "answer_start": 0}], "is_impossible": false}, {"question": "When did Dyrrachium fall to the Normans?", "id": "56de148dcffd8e1900b4b5bd", "answers": [{"text": "1082", "answer_start": 1315}, {"text": "February 1082", "answer_start": 1306}, {"text": "February 1082", "answer_start": 1306}], "is_impossible": false}, {"question": "How many men were in Robert's army?", "id": "56de148dcffd8e1900b4b5be", "answers": [{"text": "30,000", "answer_start": 492}, {"text": "30,000", "answer_start": 492}, {"text": "30,000", "answer_start": 492}], "is_impossible": false}, {"plausible_answers": [{"text": "Robert Guiscard", "answer_start": 0}], "question": "Who ultimatly drove the Byzantines out of Europe?", "id": "5ad3ed26604f3c001a3ff799", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "pope Gregory VII", "answer_start": 225}], "question": "What pope opposed Roberts campaign?", "id": "5ad3ed26604f3c001a3ff79a", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "Dyrrachium", "answer_start": 1326}], "question": "What fell to the Normans in the 10th century?", "id": "5ad3ed26604f3c001a3ff79b", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "30,000", "answer_start": 492}], "question": "How many men did Roberts army face?", "id": "5ad3ed26604f3c001a3ff79c", "answers": [], "is_impossible": true}], "context": "Robert Guiscard, an other Norman adventurer previously elevated to the dignity of count of Apulia as the result of his military successes, ultimately drove the Byzantines out of southern Italy. Having obtained the consent of pope Gregory VII and acting as his vassal, Robert continued his campaign conquering the Balkan peninsula as a foothold for western feudal lords and the Catholic Church. After allying himself with Croatia and the Catholic cities of Dalmatia, in 1081 he led an army of 30,000 men in 300 ships landing on the southern shores of Albania, capturing Valona, Kanina, Jericho (Orikumi), and reaching Butrint after numerous pillages. They joined the fleet that had previously conquered Corfu and attacked Dyrrachium from land and sea, devastating everything along the way. Under these harsh circumstances, the locals accepted the call of emperor Alexius I Comnenus to join forces with the Byzantines against the Normans. The Albanian forces could not take part in the ensuing battle because it had started before their arrival. Immediately before the battle, the Venetian fleet had secured a victory in the coast surrounding the city. Forced to retreat, Alexius ceded the command to a high Albanian official named Comiscortes in the service of Byzantium. The city's garrison resisted until February 1082, when Dyrrachium was betrayed to the Normans by the Venetian and Amalfitan merchants who had settled there. The Normans were now free to penetrate into the hinterland; they took Ioannina and some minor cities in southwestern Macedonia and Thessaly before appearing at the gates of Thessalonica. Dissension among the high ranks coerced the Normans to retreat to Italy. They lost Dyrrachium, Valona, and Butrint in 1085, after the death of Robert."}, {"qas": [{"question": "Where did the Normans and Byzantines sign the peace treaty?", "id": "56de15104396321400ee25b7", "answers": [{"text": "Deabolis", "answer_start": 302}, {"text": "Deabolis", "answer_start": 718}, {"text": "Deabolis", "answer_start": 718}], "is_impossible": false}, {"question": "Who was Robert's son?", "id": "56de15104396321400ee25b8", "answers": [{"text": "Bohemond", "answer_start": 79}, {"text": "Bohemond", "answer_start": 79}, {"text": "Bohemond", "answer_start": 79}], "is_impossible": false}, {"question": "What river was Petrela located by?", "id": "56de15104396321400ee25b9", "answers": [{"text": "Deabolis", "answer_start": 302}, {"text": "the river Deabolis", "answer_start": 292}, {"text": "Deabolis", "answer_start": 302}], "is_impossible": false}, {"plausible_answers": [{"text": "Dyrrachium", "answer_start": 133}], "question": "Who did the Normans besiege in the 11th century?", "id": "5ad3ee2d604f3c001a3ff7e1", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "Normans", "answer_start": 50}], "question": "Who did Robert lead agains Dyrrachium in 1107?", "id": "5ad3ee2d604f3c001a3ff7e2", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "Robert", "answer_start": 89}], "question": "Who was Bohemond's son?", "id": "5ad3ee2d604f3c001a3ff7e3", "answers": [], "is_impossible": true}], "context": "A few years after the First Crusade, in 1107, the Normans under the command of Bohemond, Robert's son, landed in Valona and besieged Dyrrachium using the most sophisticated military equipment of the time, but to no avail. Meanwhile, they occupied Petrela, the citadel of Mili at the banks of the river Deabolis, Gllavenica (Ballsh), Kanina and Jericho. This time, the Albanians sided with the Normans, dissatisfied by the heavy taxes the Byzantines had imposed upon them. With their help, the Normans secured the Arbanon passes and opened their way to Dibra. The lack of supplies, disease and Byzantine resistance forced Bohemond to retreat from his campaign and sign a peace treaty with the Byzantines in the city of Deabolis."}, {"qas": [{"question": "When did the Normans attack Dyrrachium?", "id": "56de1563cffd8e1900b4b5c2", "answers": [{"text": "1185", "answer_start": 86}, {"text": "in 1185", "answer_start": 83}, {"text": "1185", "answer_start": 86}], "is_impossible": false}, {"question": "What was the naval base called?", "id": "56de1563cffd8e1900b4b5c3", "answers": [{"text": "Dyrrachium", "answer_start": 125}, {"text": "Dyrrachium", "answer_start": 205}, {"text": "Dyrrachium", "answer_start": 205}], "is_impossible": false}, {"question": "Where was Dyrrachium located?", "id": "56de1563cffd8e1900b4b5c4", "answers": [{"text": "the Adriatic", "answer_start": 257}, {"text": "the Adriatic", "answer_start": 257}, {"text": "Adriatic", "answer_start": 261}], "is_impossible": false}, {"plausible_answers": [{"text": "Norman army", "answer_start": 105}], "question": "Who attacked Dyrrachium in the 11th century?", "id": "5ad3f028604f3c001a3ff823", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "high Byzantine officials", "answer_start": 162}], "question": "Who betrayed the Normans?", "id": "5ad3f028604f3c001a3ff824", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "Dyrrachium", "answer_start": 205}], "question": "What naval base fell to the Normans?", "id": "5ad3f028604f3c001a3ff825", "answers": [], "is_impossible": true}], "context": "The further decline of Byzantine state-of-affairs paved the road to a third attack in 1185, when a large Norman army invaded Dyrrachium, owing to the betrayal of high Byzantine officials. Some time later, Dyrrachium\u2014one of the most important naval bases of the Adriatic\u2014fell again to Byzantine hands."}, {"qas": [{"question": "Who did Emma Marry?", "id": "56de15dbcffd8e1900b4b5c8", "answers": [{"text": "King Ethelred II", "answer_start": 360}, {"text": "Ethelred II", "answer_start": 365}, {"text": "King Ethelred II", "answer_start": 360}], "is_impossible": false}, {"question": "Who was Emma's brother?", "id": "56de15dbcffd8e1900b4b5c9", "answers": [{"text": "Duke Richard II", "answer_start": 327}, {"text": "Duke Richard II", "answer_start": 327}, {"text": "Duke Richard II", "answer_start": 327}], "is_impossible": false}, {"question": "To where did Ethelred flee?", "id": "56de15dbcffd8e1900b4b5ca", "answers": [{"text": "Normandy", "answer_start": 423}, {"text": "Normandy", "answer_start": 423}, {"text": "Normandy", "answer_start": 423}], "is_impossible": false}, {"question": "Who kicked Ethelred out?", "id": "56de15dbcffd8e1900b4b5cb", "answers": [{"text": "Sweyn Forkbeard", "answer_start": 480}, {"text": "Sweyn Forkbeard", "answer_start": 480}, {"text": "Sweyn Forkbeard", "answer_start": 480}], "is_impossible": false}, {"plausible_answers": [{"text": "Emma", "answer_start": 562}], "question": "Who married Cnut the Great?", "id": "5ad3f187604f3c001a3ff86f", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "1013", "answer_start": 435}], "question": "When did Richard II flee to Normandy?", "id": "5ad3f187604f3c001a3ff870", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "Viking", "answer_start": 90}], "question": "Who's major ports were controlled by the English?", "id": "5ad3f187604f3c001a3ff871", "answers": [], "is_impossible": true}], "context": "The Normans were in contact with England from an early date. Not only were their original Viking brethren still ravaging the English coasts, they occupied most of the important ports opposite England across the English Channel. This relationship eventually produced closer ties of blood through the marriage of Emma, sister of Duke Richard II of Normandy, and King Ethelred II of England. Because of this, Ethelred fled to Normandy in 1013, when he was forced from his kingdom by Sweyn Forkbeard. His stay in Normandy (until 1016) influenced him and his sons by Emma, who stayed in Normandy after Cnut the Great's conquest of the isle."}, {"qas": [{"question": "Who was Edward the Confessor's half-brother?", "id": "56de1645cffd8e1900b4b5d0", "answers": [{"text": "Harthacnut", "answer_start": 115}, {"text": "Harthacnut", "answer_start": 115}, {"text": "Harthacnut", "answer_start": 115}], "is_impossible": false}, {"question": "When did Edward return?", "id": "56de1645cffd8e1900b4b5d1", "answers": [{"text": "1041", "answer_start": 71}, {"text": "in 1041", "answer_start": 68}, {"text": "1041", "answer_start": 71}], "is_impossible": false}, {"question": "Who did Edward make archbishop of Canterbury?", "id": "56de1645cffd8e1900b4b5d2", "answers": [{"text": "Robert of Jumi\u00e8ges", "answer_start": 382}, {"text": "Robert of Jumi\u00e8ges", "answer_start": 382}, {"text": "Robert of Jumi\u00e8ges", "answer_start": 382}], "is_impossible": false}, {"plausible_answers": [{"text": "1041", "answer_start": 71}], "question": "When did Edward the Confessor's son return from his fathers refuge?", "id": "5ad3f350604f3c001a3ff8ef", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "English cavalry force", "answer_start": 253}], "question": "What kind of force did Harthacnut establish?", "id": "5ad3f350604f3c001a3ff8f0", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "Edward", "answer_start": 361}], "question": "Who made Robert of Jumieges earl of Hereford?", "id": "5ad3f350604f3c001a3ff8f1", "answers": [], "is_impossible": true}], "context": "When finally Edward the Confessor returned from his father's refuge in 1041, at the invitation of his half-brother Harthacnut, he brought with him a Norman-educated mind. He also brought many Norman counsellors and fighters, some of whom established an English cavalry force. This concept never really took root, but it is a typical example of the attitudes of Edward. He appointed Robert of Jumi\u00e8ges archbishop of Canterbury and made Ralph the Timid earl of Hereford. He invited his brother-in-law Eustace II, Count of Boulogne to his court in 1051, an event which resulted in the greatest of early conflicts between Saxon and Norman and ultimately resulted in the exile of Earl Godwin of Wessex."}, {"qas": [{"question": "Where did Harold II die?", "id": "56de16ca4396321400ee25c5", "answers": [{"text": "Battle of Hastings", "answer_start": 85}, {"text": "the Battle of Hastings", "answer_start": 81}, {"text": "at the Battle of Hastings", "answer_start": 78}], "is_impossible": false}, {"question": "Who killed Harold II? ", "id": "56de16ca4396321400ee25c6", "answers": [{"text": "William II", "answer_start": 14}, {"text": "Duke William II", "answer_start": 9}, {"text": "Duke William II", "answer_start": 9}], "is_impossible": false}, {"question": "When was the Battle of Hastings?", "id": "56de16ca4396321400ee25c7", "answers": [{"text": "1066", "answer_start": 3}, {"text": "In 1066", "answer_start": 0}, {"text": "1066", "answer_start": 3}], "is_impossible": false}, {"question": "Who was the ruling class ahead of the Normans?", "id": "56de16ca4396321400ee25c8", "answers": [{"text": "Anglo-Saxons", "answer_start": 161}, {"text": "the Anglo-Saxons", "answer_start": 157}, {"text": "Anglo-Saxons", "answer_start": 161}], "is_impossible": false}, {"plausible_answers": [{"text": "1066,", "answer_start": 3}], "question": "When did King Harold II conquer England?", "id": "5ad3f4b1604f3c001a3ff951", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "Battle of Hastings", "answer_start": 85}], "question": "What battle took place in the 10th century?", "id": "5ad3f4b1604f3c001a3ff952", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "Anglo-Saxons", "answer_start": 161}], "question": "Who replaced the Normans as the ruling class?", "id": "5ad3f4b1604f3c001a3ff953", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "Early Norman kings", "answer_start": 317}], "question": "Who considered their land on the continent their most important holding?", "id": "5ad3f4b1604f3c001a3ff954", "answers": [], "is_impossible": true}], "context": "In 1066, Duke William II of Normandy conquered England killing King Harold II at the Battle of Hastings. The invading Normans and their descendants replaced the Anglo-Saxons as the ruling class of England. The nobility of England were part of a single Normans culture and many had lands on both sides of the channel. Early Norman kings of England, as Dukes of Normandy, owed homage to the King of France for their land on the continent. They considered England to be their most important holding (it brought with it the title of King\u2014an important status symbol)."}, {"qas": [{"question": "What was the Anglo-Norman language's final form?", "id": "56de1728cffd8e1900b4b5d7", "answers": [{"text": "Modern English", "answer_start": 629}, {"text": "Modern English", "answer_start": 629}, {"text": "Modern English", "answer_start": 629}], "is_impossible": false}, {"plausible_answers": [{"text": "Norman aristocracy", "answer_start": 130}], "question": "Who identified themselves as French during the Hundred Years War?", "id": "5ad3f5b0604f3c001a3ff9ab", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "Anglo-Saxon", "answer_start": 382}], "question": "What was absorbed into the Anglo-Norman language?", "id": "5ad3f5b0604f3c001a3ff9ac", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "Geoffrey Chaucer", "answer_start": 305}], "question": "Who made fun of the Latin language?", "id": "5ad3f5b0604f3c001a3ff9ad", "answers": [], "is_impossible": true}], "context": "Eventually, the Normans merged with the natives, combining languages and traditions. In the course of the Hundred Years' War, the Norman aristocracy often identified themselves as English. The Anglo-Norman language became distinct from the Latin language, something that was the subject of some humour by Geoffrey Chaucer. The Anglo-Norman language was eventually absorbed into the Anglo-Saxon language of their subjects (see Old English) and influenced it, helping (along with the Norse language of the earlier Anglo-Norse settlers and the Latin used by the church) in the development of Middle English. It in turn evolved into Modern English."}, {"qas": [{"question": "In what year did the Norman's invade at Bannow Bay?", "id": "56de179dcffd8e1900b4b5da", "answers": [{"text": "1169", "answer_start": 101}, {"text": "1169", "answer_start": 101}, {"text": "1169", "answer_start": 101}], "is_impossible": false}, {"question": "What country did the Normans invade in 1169?", "id": "56de179dcffd8e1900b4b5db", "answers": [{"text": "Ireland", "answer_start": 379}, {"text": "Ireland", "answer_start": 379}, {"text": "Ireland", "answer_start": 379}], "is_impossible": false}, {"question": "What culture did the Normans combine with in Ireland?", "id": "56de179dcffd8e1900b4b5dc", "answers": [{"text": "Irish", "answer_start": 37}, {"text": "Irish", "answer_start": 220}, {"text": "Irish", "answer_start": 220}], "is_impossible": false}, {"plausible_answers": [{"text": "Bannow Bay", "answer_start": 87}], "question": "Where did the Normans invade in the 11th century?", "id": "5ad3f6f5604f3c001a3ffa09", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "The Normans", "answer_start": 0}], "question": "Who did the Irish culture have a profound effect on?", "id": "5ad3f6f5604f3c001a3ffa0a", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "Trim Castle and Dublin Castle", "answer_start": 473}], "question": "What castles were built by the Irish?", "id": "5ad3f6f5604f3c001a3ffa0b", "answers": [], "is_impossible": true}], "context": "The Normans had a profound effect on Irish culture and history after their invasion at Bannow Bay in 1169. Initially the Normans maintained a distinct culture and ethnicity. Yet, with time, they came to be subsumed into Irish culture to the point that it has been said that they became \"more Irish than the Irish themselves.\" The Normans settled mostly in an area in the east of Ireland, later known as the Pale, and also built many fine castles and settlements, including Trim Castle and Dublin Castle. Both cultures intermixed, borrowing from each other's language, culture and outlook. Norman descendants today can be recognised by their surnames. Names such as French, (De) Roche, Devereux, D'Arcy, Treacy and Lacy are particularly common in the southeast of Ireland, especially in the southern part of County Wexford where the first Norman settlements were established. Other Norman names such as Furlong predominate there. Another common Norman-Irish name was Morell (Murrell) derived from the French Norman name Morel. Other names beginning with Fitz (from the Norman for son) indicate Norman ancestry. These included Fitzgerald, FitzGibbons (Gibbons) dynasty, Fitzmaurice. Other families bearing such surnames as Barry (de Barra) and De B\u00farca (Burke) are also of Norman extraction."}, {"qas": [{"question": "Who was Margaret's brother?", "id": "56de17f9cffd8e1900b4b5e0", "answers": [{"text": "Edgar", "answer_start": 75}, {"text": "Edgar", "answer_start": 157}, {"text": "Edgar Atheling", "answer_start": 75}], "is_impossible": false}, {"question": "Who was Margaret's husband?", "id": "56de17f9cffd8e1900b4b5e1", "answers": [{"text": "King Malcolm III of Scotland", "answer_start": 120}, {"text": "King Malcolm III", "answer_start": 120}, {"text": "King Malcolm III", "answer_start": 120}], "is_impossible": false}, {"question": "When was Scotland invaded by William?", "id": "56de17f9cffd8e1900b4b5e2", "answers": [{"text": "1072", "answer_start": 300}, {"text": "1072", "answer_start": 300}, {"text": "1072", "answer_start": 300}], "is_impossible": false}, {"question": "Who was the hostage?", "id": "56de17f9cffd8e1900b4b5e3", "answers": [{"text": "Duncan", "answer_start": 440}, {"text": "Duncan", "answer_start": 440}, {"text": "Duncan", "answer_start": 440}], "is_impossible": false}, {"plausible_answers": [{"text": "Margaret", "answer_start": 172}], "question": "Who did Edgar marry?", "id": "5ad3f7ac604f3c001a3ffa3b", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "William", "answer_start": 272}], "question": "Who invaded Scotland in the 10th century?", "id": "5ad3f7ac604f3c001a3ffa3c", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "Duncan", "answer_start": 440}], "question": "Who did the Scotish king take hostage?", "id": "5ad3f7ac604f3c001a3ffa3d", "answers": [], "is_impossible": true}], "context": "One of the claimants of the English throne opposing William the Conqueror, Edgar Atheling, eventually fled to Scotland. King Malcolm III of Scotland married Edgar's sister Margaret, and came into opposition to William who had already disputed Scotland's southern borders. William invaded Scotland in 1072, riding as far as Abernethy where he met up with his fleet of ships. Malcolm submitted, paid homage to William and surrendered his son Duncan as a hostage, beginning a series of arguments as to whether the Scottish Crown owed allegiance to the King of England."}, {"qas": [{"question": "Who did Alexander I marry?", "id": "56de3cd0cffd8e1900b4b6be", "answers": [{"text": "Sybilla of Normandy", "answer_start": 271}, {"text": "Sybilla of Normandy", "answer_start": 271}, {"text": "Sybilla", "answer_start": 271}], "is_impossible": false}, {"question": "What culture's arrival in Scotland is know as the \"Davidian Revolution\"?", "id": "56de3cd0cffd8e1900b4b6bf", "answers": [{"text": "Norman", "answer_start": 336}, {"text": "Norman", "answer_start": 336}, {"text": "Norman", "answer_start": 336}], "is_impossible": false}, {"plausible_answers": [{"text": "Sybilla of Normandy", "answer_start": 271}], "question": "Who did King David I of Scotland Marry?", "id": "5ad3f8d2604f3c001a3ffa8d", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "Normans and Norman culture", "answer_start": 324}], "question": "What did Sybilla of Normandy introduce to Scotland?", "id": "5ad3f8d2604f3c001a3ffa8e", "answers": [], "is_impossible": true}], "context": "Normans came into Scotland, building castles and founding noble families who would provide some future kings, such as Robert the Bruce, as well as founding a considerable number of the Scottish clans. King David I of Scotland, whose elder brother Alexander I had married Sybilla of Normandy, was instrumental in introducing Normans and Norman culture to Scotland, part of the process some scholars call the \"Davidian Revolution\". Having spent time at the court of Henry I of England (married to David's sister Maud of Scotland), and needing them to wrestle the kingdom from his half-brother M\u00e1el Coluim mac Alaxandair, David had to reward many with lands. The process was continued under David's successors, most intensely of all under William the Lion. The Norman-derived feudal system was applied in varying degrees to most of Scotland. Scottish families of the names Bruce, Gray, Ramsay, Fraser, Ogilvie, Montgomery, Sinclair, Pollock, Burnard, Douglas and Gordon to name but a few, and including the later royal House of Stewart, can all be traced back to Norman ancestry."}, {"qas": [{"question": "Where was Ralph earl of?", "id": "56de3d594396321400ee26ca", "answers": [{"text": "Hereford", "answer_start": 158}, {"text": "Hereford", "answer_start": 158}, {"text": "Hereford", "answer_start": 158}], "is_impossible": false}, {"question": "Who was Ralph in charge of being at war with?", "id": "56de3d594396321400ee26cb", "answers": [{"text": "the Welsh", "answer_start": 227}, {"text": "the Welsh", "answer_start": 227}, {"text": "the Welsh", "answer_start": 227}], "is_impossible": false}, {"question": "Who made Ralph earl?", "id": "56de3d594396321400ee26cc", "answers": [{"text": "Edward the Confessor", "answer_start": 90}, {"text": "Edward the Confessor", "answer_start": 90}, {"text": "Edward the Confessor", "answer_start": 90}], "is_impossible": false}, {"plausible_answers": [{"text": "Normans", "answer_start": 48}], "question": "Who came into contact with Wales after the conquest of England?", "id": "5ad3fb01604f3c001a3ffb35", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "Ralph", "answer_start": 141}], "question": "Who made Edward the Confessor Earl?", "id": "5ad3fb01604f3c001a3ffb36", "answers": [], "is_impossible": true}], "context": "Even before the Norman Conquest of England, the Normans had come into contact with Wales. Edward the Confessor had set up the aforementioned Ralph as earl of Hereford and charged him with defending the Marches and warring with the Welsh. In these original ventures, the Normans failed to make any headway into Wales."}, {"qas": [{"question": "What country was under the control of Norman barons?", "id": "56de3dbacffd8e1900b4b6d2", "answers": [{"text": "Wales", "answer_start": 299}, {"text": "Wales", "answer_start": 299}, {"text": "Wales", "answer_start": 299}], "is_impossible": false}, {"plausible_answers": [{"text": "the Marches", "answer_start": 37}], "question": "What came under Williams dominace before the conquest?", "id": "5ad3fb6e604f3c001a3ffb5f", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "Bernard de Neufmarch\u00e9, Roger of Montgomery in Shropshire and Hugh Lupus in Cheshire", "answer_start": 136}], "question": "What Welsh lords did William conquer?", "id": "5ad3fb6e604f3c001a3ffb60", "answers": [], "is_impossible": true}], "context": "Subsequent to the Conquest, however, the Marches came completely under the dominance of William's most trusted Norman barons, including Bernard de Neufmarch\u00e9, Roger of Montgomery in Shropshire and Hugh Lupus in Cheshire. These Normans began a long period of slow conquest during which almost all of Wales was at some point subject to Norman interference. Norman words, such as baron (barwn), first entered Welsh at that time."}, {"qas": [{"question": "What year did Roger de Tosny fail to accomplish what he set out to do?", "id": "56de3e414396321400ee26d8", "answers": [{"text": "1018", "answer_start": 221}, {"text": "1064", "answer_start": 345}, {"text": "1018", "answer_start": 221}], "is_impossible": false}, {"question": "Who was in charge of the papal army in the War of Barbastro?", "id": "56de3e414396321400ee26d9", "answers": [{"text": "William of Montreuil", "answer_start": 380}, {"text": "William of Montreuil", "answer_start": 380}, {"text": "William of Montreuil", "answer_start": 380}], "is_impossible": false}, {"plausible_answers": [{"text": "Antioch", "answer_start": 142}], "question": "Where did the Normans carve out a principality before the First Crusade?", "id": "5ad3fc41604f3c001a3ffb8f", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "Reconquista in Iberia", "answer_start": 195}], "question": "What did the Normans take part in in the 10th century?", "id": "5ad3fc41604f3c001a3ffb90", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "Roger de Tosny", "answer_start": 227}], "question": "Who carved out a state for himself from Moorish lands?", "id": "5ad3fc41604f3c001a3ffb91", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "the War of Barbastro", "answer_start": 358}], "question": "What war occured in the 1oth century?", "id": "5ad3fc41604f3c001a3ffb92", "answers": [], "is_impossible": true}], "context": "The legendary religious zeal of the Normans was exercised in religious wars long before the First Crusade carved out a Norman principality in Antioch. They were major foreign participants in the Reconquista in Iberia. In 1018, Roger de Tosny travelled to the Iberian Peninsula to carve out a state for himself from Moorish lands, but failed. In 1064, during the War of Barbastro, William of Montreuil led the papal army and took a huge booty."}, {"qas": [{"question": "When did the Siege of Antioch take place?", "id": "56de3ebc4396321400ee26e6", "answers": [{"text": "1097", "answer_start": 267}, {"text": "1097", "answer_start": 267}, {"text": "1097", "answer_start": 267}], "is_impossible": false}, {"question": "What was the name of Bohemond's nephew?", "id": "56de3ebc4396321400ee26e7", "answers": [{"text": "Tancred", "answer_start": 100}, {"text": "Tancred", "answer_start": 100}, {"text": "Tancred", "answer_start": 100}], "is_impossible": false}, {"question": "What major conquest did Tancred play a roll in?", "id": "56de3ebc4396321400ee26e8", "answers": [{"text": "Jerusalem", "answer_start": 390}, {"text": "Jerusalem", "answer_start": 390}, {"text": "Jerusalem", "answer_start": 390}], "is_impossible": false}, {"plausible_answers": [{"text": "1097", "answer_start": 267}], "question": "When did Tancred lay siege to Antioch?", "id": "5ad4017a604f3c001a3ffd1f", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "Bohemond", "answer_start": 273}], "question": "What was the name of Tancred's nephew?", "id": "5ad4017a604f3c001a3ffd20", "answers": [], "is_impossible": true}], "context": "In 1096, Crusaders passing by the siege of Amalfi were joined by Bohemond of Taranto and his nephew Tancred with an army of Italo-Normans. Bohemond was the de facto leader of the Crusade during its passage through Asia Minor. After the successful Siege of Antioch in 1097, Bohemond began carving out an independent principality around that city. Tancred was instrumental in the conquest of Jerusalem and he worked for the expansion of the Crusader kingdom in Transjordan and the region of Galilee.[citation needed]"}, {"qas": [{"question": "How long did Western Europe control Cyprus?", "id": "56de3efccffd8e1900b4b6fe", "answers": [{"text": "380 years", "answer_start": 189}, {"text": "380 years", "answer_start": 189}, {"text": "380 years", "answer_start": 189}], "is_impossible": false}, {"plausible_answers": [{"text": "Cyprus", "answer_start": 16}], "question": "Who defeated Anglo-Norman forces during the third Crusade?", "id": "5ad401f2604f3c001a3ffd41", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "Cyprus", "answer_start": 16}], "question": "Who dominated Western Europe for 380 years?", "id": "5ad401f2604f3c001a3ffd42", "answers": [], "is_impossible": true}], "context": "The conquest of Cyprus by the Anglo-Norman forces of the Third Crusade opened a new chapter in the history of the island, which would be under Western European domination for the following 380 years. Although not part of a planned operation, the conquest had much more permanent results than initially expected."}, {"qas": [{"question": "What ruined Richard's plans to reach Acre?", "id": "56de3f784396321400ee26fa", "answers": [{"text": "a storm", "answer_start": 99}, {"text": "a storm", "answer_start": 99}, {"text": "a storm", "answer_start": 99}], "is_impossible": false}, {"question": "Who was Richard's fiancee?", "id": "56de3f784396321400ee26fb", "answers": [{"text": "Berengaria", "answer_start": 218}, {"text": "Berengaria", "answer_start": 218}, {"text": "Berengaria", "answer_start": 218}], "is_impossible": false}, {"question": "What year did the storm hit Richard's fleet?", "id": "56de3f784396321400ee26fc", "answers": [{"text": "1191", "answer_start": 9}, {"text": "1191", "answer_start": 9}, {"text": "1191", "answer_start": 9}], "is_impossible": false}, {"question": "Who ruled Cyprus in 1191?", "id": "56de3f784396321400ee26fd", "answers": [{"text": "Isaac Komnenos", "answer_start": 421}, {"text": "Isaac", "answer_start": 522}, {"text": "Isaac Komnenos", "answer_start": 421}], "is_impossible": false}, {"plausible_answers": [{"text": "Richard the Lion-hearted", "answer_start": 14}], "question": "Who left Messina in the 11th century?", "id": "5ad40280604f3c001a3ffd57", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "1191", "answer_start": 446}], "question": "What year did Richards fleet avoid a storm?", "id": "5ad40280604f3c001a3ffd58", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "Isaac Komnenos", "answer_start": 421}], "question": "Who ruled Cyprus in the 11th century?", "id": "5ad40280604f3c001a3ffd59", "answers": [], "is_impossible": true}], "context": "In April 1191 Richard the Lion-hearted left Messina with a large fleet in order to reach Acre. But a storm dispersed the fleet. After some searching, it was discovered that the boat carrying his sister and his fianc\u00e9e Berengaria was anchored on the south coast of Cyprus, together with the wrecks of several other ships, including the treasure ship. Survivors of the wrecks had been taken prisoner by the island's despot Isaac Komnenos. On 1 May 1191, Richard's fleet arrived in the port of Limassol on Cyprus. He ordered Isaac to release the prisoners and the treasure. Isaac refused, so Richard landed his troops and took Limassol."}, {"qas": [{"question": "Who was Guy's Rival?", "id": "56de40da4396321400ee2708", "answers": [{"text": "Conrad of Montferrat", "answer_start": 188}, {"text": "Conrad of Montferrat", "answer_start": 188}, {"text": "Conrad of Montferrat", "answer_start": 188}], "is_impossible": false}, {"question": "What were Isaac's chains made out of?", "id": "56de40da4396321400ee2709", "answers": [{"text": "silver", "answer_start": 565}, {"text": "silver", "answer_start": 565}, {"text": "silver", "answer_start": 565}], "is_impossible": false}, {"question": "Who led Richard's troops when Cyprus was conquered?", "id": "56de40da4396321400ee270a", "answers": [{"text": "Guy de Lusignan", "answer_start": 85}, {"text": "Guy de Lusignan", "answer_start": 508}, {"text": "Guy de Lusignan", "answer_start": 508}], "is_impossible": false}, {"plausible_answers": [{"text": "Isaac", "answer_start": 525}], "question": "Who's chains were made out of copper?", "id": "5ad404a6604f3c001a3ffde1", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "Richard", "answer_start": 588}], "question": "Who led Issacs troops to Cyprus?", "id": "5ad404a6604f3c001a3ffde2", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "Richard", "answer_start": 658}], "question": "Who offered Issac his daughter?", "id": "5ad404a6604f3c001a3ffde3", "answers": [], "is_impossible": true}], "context": "Various princes of the Holy Land arrived in Limassol at the same time, in particular Guy de Lusignan. All declared their support for Richard provided that he support Guy against his rival Conrad of Montferrat. The local barons abandoned Isaac, who considered making peace with Richard, joining him on the crusade, and offering his daughter in marriage to the person named by Richard. But Isaac changed his mind and tried to escape. Richard then proceeded to conquer the whole island, his troops being led by Guy de Lusignan. Isaac surrendered and was confined with silver chains, because Richard had promised that he would not place him in irons. By 1 June, Richard had conquered the whole island. His exploit was well publicized and contributed to his reputation; he also derived significant financial gains from the conquest of the island. Richard left for Acre on 5 June, with his allies. Before his departure, he named two of his Norman generals, Richard de Camville and Robert de Thornham, as governors of Cyprus."}, {"qas": [{"question": "What continent are the Canarian Islands off the coast of?", "id": "56de49564396321400ee277a", "answers": [{"text": "Africa", "answer_start": 219}, {"text": "Africa", "answer_start": 219}, {"text": "Africa", "answer_start": 219}], "is_impossible": false}, {"plausible_answers": [{"text": "Jean de Bethencourt and the Poitevine Gadifer de la Salle", "answer_start": 62}], "question": "Who conquered the Canary Island in the 14th century?", "id": "5ad40419604f3c001a3ffdb7", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "Canarian islands", "answer_start": 134}], "question": "What Islands are of the coast of Asia?", "id": "5ad40419604f3c001a3ffdb8", "answers": [], "is_impossible": true}], "context": "Between 1402 and 1405, the expedition led by the Norman noble Jean de Bethencourt and the Poitevine Gadifer de la Salle conquered the Canarian islands of Lanzarote, Fuerteventura and El Hierro off the Atlantic coast of Africa. Their troops were gathered in Normandy, Gascony and were later reinforced by Castilian colonists."}, {"qas": [{"question": "Who became the King of the Canary Islands?", "id": "56de49a8cffd8e1900b4b7a7", "answers": [{"text": "Bethencourt", "answer_start": 0}, {"text": "Bethencourt", "answer_start": 0}, {"text": "Bethencourt", "answer_start": 0}], "is_impossible": false}, {"question": "Who bought the rights?", "id": "56de49a8cffd8e1900b4b7a8", "answers": [{"text": "Enrique P\u00e9rez de Guzm\u00e1n", "answer_start": 172}, {"text": "Enrique P\u00e9rez de Guzm\u00e1n", "answer_start": 172}, {"text": "Enrique P\u00e9rez de Guzm\u00e1n", "answer_start": 172}], "is_impossible": false}, {"question": "Who sold the rights?", "id": "56de49a8cffd8e1900b4b7a9", "answers": [{"text": "Maciot de Bethencourt", "answer_start": 116}, {"text": "Maciot de Bethencourt", "answer_start": 116}, {"text": "Maciot de Bethencourt", "answer_start": 116}], "is_impossible": false}, {"plausible_answers": [{"text": "King of the Canary Islands", "answer_start": 30}], "question": "What title did Henry II take in the Canary Island?", "id": "5ad403c1604f3c001a3ffd97", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "Maciot de Bethencourt", "answer_start": 116}], "question": "Who sold the rights to the island in the 14th century?", "id": "5ad403c1604f3c001a3ffd98", "answers": [], "is_impossible": true}], "context": "Bethencourt took the title of King of the Canary Islands, as vassal to Henry III of Castile. In 1418, Jean's nephew Maciot de Bethencourt sold the rights to the islands to Enrique P\u00e9rez de Guzm\u00e1n, 2nd Count de Niebla."}, {"qas": [{"question": "Where are Jersey and Guernsey", "id": "56de4a474396321400ee2786", "answers": [{"text": "Channel Islands", "answer_start": 155}, {"text": "the Channel Islands", "answer_start": 151}, {"text": "the Channel Islands", "answer_start": 151}], "is_impossible": false}, {"question": "How many customaries does Norman customary law have?", "id": "56de4a474396321400ee2787", "answers": [{"text": "two", "answer_start": 212}, {"text": "two", "answer_start": 212}, {"text": "two", "answer_start": 212}], "is_impossible": false}, {"plausible_answers": [{"text": "The customary law of Normandy", "answer_start": 0}], "question": "What Norman law wasdeveloped between 1000 and 1300?", "id": "5ad40358604f3c001a3ffd7d", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "Norman customary law", "answer_start": 172}], "question": "What law has 3 customeries?", "id": "5ad40358604f3c001a3ffd7e", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "Summa de legibus Normanniae in curia la\u00efcali)", "answer_start": 461}], "question": "What was authored in the 12th century?", "id": "5ad40358604f3c001a3ffd7f", "answers": [], "is_impossible": true}], "context": "The customary law of Normandy was developed between the 10th and 13th centuries and survives today through the legal systems of Jersey and Guernsey in the Channel Islands. Norman customary law was transcribed in two customaries in Latin by two judges for use by them and their colleagues: These are the Tr\u00e8s ancien coutumier (Very ancient customary), authored between 1200 and 1245; and the Grand coutumier de Normandie (Great customary of Normandy, originally Summa de legibus Normanniae in curia la\u00efcali), authored between 1235 and 1245."}, {"qas": [{"question": "What is the Norman architecture idiom?", "id": "56de4a89cffd8e1900b4b7bd", "answers": [{"text": "Romanesque", "answer_start": 135}, {"text": "Romanesque", "answer_start": 135}, {"text": "Romanesque", "answer_start": 135}], "is_impossible": false}, {"question": "What kind of arches does Norman architecture have?", "id": "56de4a89cffd8e1900b4b7be", "answers": [{"text": "rounded", "answer_start": 332}, {"text": "rounded", "answer_start": 332}, {"text": "rounded", "answer_start": 332}], "is_impossible": false}, {"plausible_answers": [{"text": "rounded arches", "answer_start": 332}], "question": "What type of arch did the Normans invent?", "id": "5ad402ce604f3c001a3ffd67", "answers": [], "is_impossible": true}], "context": "Norman architecture typically stands out as a new stage in the architectural history of the regions they subdued. They spread a unique Romanesque idiom to England and Italy, and the encastellation of these regions with keeps in their north French style fundamentally altered the military landscape. Their style was characterised by rounded arches, particularly over windows and doorways, and massive proportions."}, {"qas": [{"question": "What architecture type came after Norman in England?", "id": "56de4b074396321400ee2793", "answers": [{"text": "Early Gothic", "answer_start": 108}, {"text": "Early Gothic", "answer_start": 108}, {"text": "Early Gothic", "answer_start": 108}], "is_impossible": false}, {"question": "What architecture type came before Norman in England?", "id": "56de4b074396321400ee2794", "answers": [{"text": "Anglo-Saxon", "answer_start": 79}, {"text": "Anglo-Saxon", "answer_start": 79}, {"text": "Anglo-Saxon", "answer_start": 79}], "is_impossible": false}, {"question": "What place had the Norman Arab architectural style?", "id": "56de4b074396321400ee2795", "answers": [{"text": "Sicily", "answer_start": 328}, {"text": "Sicily", "answer_start": 328}, {"text": "Kingdom of Sicily", "answer_start": 317}], "is_impossible": false}, {"plausible_answers": [{"text": "the period of Norman architecture", "answer_start": 12}], "question": "What precedes the period of Anglo-Saxon architecture?", "id": "5ad400b0604f3c001a3ffcdf", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "Anglo-Saxon", "answer_start": 79}], "question": "What architecture type came after Early Gothic?", "id": "5ad400b0604f3c001a3ffce0", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "Normans", "answer_start": 145}], "question": "Who incorperated Islamic, LOmbard, and Byzantine building techniques in England?", "id": "5ad400b0604f3c001a3ffce1", "answers": [], "is_impossible": true}], "context": "In England, the period of Norman architecture immediately succeeds that of the Anglo-Saxon and precedes the Early Gothic. In southern Italy, the Normans incorporated elements of Islamic, Lombard, and Byzantine building techniques into their own, initiating a unique style known as Norman-Arab architecture within the Kingdom of Sicily."}, {"qas": [{"question": "When did the church reform begin?", "id": "56de4b5c4396321400ee2799", "answers": [{"text": "early 11th century", "answer_start": 129}, {"text": "11th century", "answer_start": 135}, {"text": "in the early 11th century", "answer_start": 122}], "is_impossible": false}, {"question": "Who used the church to unify themselves?", "id": "56de4b5c4396321400ee279a", "answers": [{"text": "dukes", "answer_start": 152}, {"text": "the dukes", "answer_start": 422}, {"text": "dukes", "answer_start": 426}], "is_impossible": false}, {"plausible_answers": [{"text": "visual arts", "answer_start": 7}], "question": "What kind of art did the Normans have a rich tradition of?", "id": "5ad3ffd7604f3c001a3ffca7", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "the dukes", "answer_start": 148}], "question": "Who began a program of church reform in the 1100s", "id": "5ad3ffd7604f3c001a3ffca8", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "the dukes", "answer_start": 148}], "question": "Who was divided by the church?", "id": "5ad3ffd7604f3c001a3ffca9", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "Normandy", "answer_start": 859}], "question": "Who experienced aa golden age in the 1100s and 1200s", "id": "5ad3ffd7604f3c001a3ffcaa", "answers": [], "is_impossible": true}], "context": "In the visual arts, the Normans did not have the rich and distinctive traditions of the cultures they conquered. However, in the early 11th century the dukes began a programme of church reform, encouraging the Cluniac reform of monasteries and patronising intellectual pursuits, especially the proliferation of scriptoria and the reconstitution of a compilation of lost illuminated manuscripts. The church was utilised by the dukes as a unifying force for their disparate duchy. The chief monasteries taking part in this \"renaissance\" of Norman art and scholarship were Mont-Saint-Michel, F\u00e9camp, Jumi\u00e8ges, Bec, Saint-Ouen, Saint-Evroul, and Saint-Wandrille. These centres were in contact with the so-called \"Winchester school\", which channeled a pure Carolingian artistic tradition to Normandy. In the final decade of the 11th and first of the 12th century, Normandy experienced a golden age of illustrated manuscripts, but it was brief and the major scriptoria of Normandy ceased to function after the midpoint of the century."}, {"qas": [{"question": "When were the French wars of religion?", "id": "56de4bb84396321400ee27a2", "answers": [{"text": "16th century", "answer_start": 35}, {"text": "the 16th century", "answer_start": 31}, {"text": "in the 16th century", "answer_start": 28}], "is_impossible": false}, {"plausible_answers": [{"text": "The French Wars of Religion", "answer_start": 0}], "question": "What wars did France fight in the 1600s?", "id": "5ad3ff1b604f3c001a3ffc73", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "French Revolution", "answer_start": 52}], "question": "What revolution was fought in the 1899's?", "id": "5ad3ff1b604f3c001a3ffc74", "answers": [], "is_impossible": true}], "context": "The French Wars of Religion in the 16th century and French Revolution in the 18th successively destroyed much of what existed in the way of the architectural and artistic remnant of this Norman creativity. The former, with their violence, caused the wanton destruction of many Norman edifices; the latter, with its assault on religion, caused the purposeful destruction of religious objects of any type, and its destabilisation of society resulted in rampant pillaging."}, {"qas": [{"question": "What kind of needlework was used in the creation of the Bayeux Tapestry?", "id": "56de4c324396321400ee27ab", "answers": [{"text": "embroidery", "answer_start": 104}, {"text": "embroidery", "answer_start": 104}, {"text": "embroidery", "answer_start": 104}], "is_impossible": false}, {"question": "What is Norman art's most well known piece?", "id": "56de4c324396321400ee27ac", "answers": [{"text": "Bayeux Tapestry", "answer_start": 49}, {"text": "the Bayeux Tapestry", "answer_start": 45}, {"text": "the Bayeux Tapestry", "answer_start": 45}], "is_impossible": false}, {"question": "Who commissioned the Tapestry?", "id": "56de4c324396321400ee27ad", "answers": [{"text": "Odo", "answer_start": 139}, {"text": "Odo", "answer_start": 139}, {"text": "Odo", "answer_start": 139}], "is_impossible": false}, {"plausible_answers": [{"text": "the Bayeux Tapestry", "answer_start": 45}], "question": "What is the oldest work of Norman art?", "id": "5ad3fe91604f3c001a3ffc47", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "Odo", "answer_start": 139}], "question": "Who commissioned Danish vikings to create the Bayeux Tapestry?", "id": "5ad3fe91604f3c001a3ffc48", "answers": [], "is_impossible": true}], "context": "By far the most famous work of Norman art is the Bayeux Tapestry, which is not a tapestry but a work of embroidery. It was commissioned by Odo, the Bishop of Bayeux and first Earl of Kent, employing natives from Kent who were learned in the Nordic traditions imported in the previous half century by the Danish Vikings."}, {"qas": [{"question": "What is the most important type of Norman art preserved in churches?", "id": "56de51244396321400ee27ef", "answers": [{"text": "mosaics", "answer_start": 466}, {"text": "mosaics", "answer_start": 466}, {"text": "mosaics", "answer_start": 466}], "is_impossible": false}, {"plausible_answers": [{"text": "as stonework or metalwork", "answer_start": 42}], "question": "How has British art survived in Normandy?", "id": "5ad3fe0d604f3c001a3ffc1b", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "mosaics", "answer_start": 466}], "question": "What is the most common form of Norman art in churches?", "id": "5ad3fe0d604f3c001a3ffc1c", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "Lombard Salerno", "answer_start": 549}], "question": "What was a centre of ivorywork in the 1100s?", "id": "5ad3fe0d604f3c001a3ffc1d", "answers": [], "is_impossible": true}], "context": "In Britain, Norman art primarily survives as stonework or metalwork, such as capitals and baptismal fonts. In southern Italy, however, Norman artwork survives plentifully in forms strongly influenced by its Greek, Lombard, and Arab forebears. Of the royal regalia preserved in Palermo, the crown is Byzantine in style and the coronation cloak is of Arab craftsmanship with Arabic inscriptions. Many churches preserve sculptured fonts, capitals, and more importantly mosaics, which were common in Norman Italy and drew heavily on the Greek heritage. Lombard Salerno was a centre of ivorywork in the 11th century and this continued under Norman domination. Finally should be noted the intercourse between French Crusaders traveling to the Holy Land who brought with them French artefacts with which to gift the churches at which they stopped in southern Italy amongst their Norman cousins. For this reason many south Italian churches preserve works from France alongside their native pieces."}, {"qas": [{"question": "In what century did important classical music developments occur in Normandy?", "id": "56de51c64396321400ee27f7", "answers": [{"text": "11th", "answer_start": 97}, {"text": "the 11th", "answer_start": 93}, {"text": "11th", "answer_start": 97}], "is_impossible": false}, {"question": "Who were the two abbots at F\u00e9camp Abbey?", "id": "56de51c64396321400ee27f8", "answers": [{"text": "William of Volpiano and John of Ravenna", "answer_start": 234}, {"text": "William of Volpiano and John of Ravenna", "answer_start": 234}, {"text": "William of Volpiano and John of Ravenna", "answer_start": 234}], "is_impossible": false}, {"plausible_answers": [{"text": "classical music", "answer_start": 74}], "question": "What developed in Normandy during the 1100s?", "id": "5ad3fd68604f3c001a3ffbe7", "answers": [], "is_impossible": true}, {"plausible_answers": [{"text": "musical composition", "answer_start": 632}], "question": "What was Fecamp Abby the center of?", "id": "5ad3fd68604f3c001a3ffbe8", "answers": [], "is_impossible": true}], "context": "Normandy was the site of several important developments in the history of classical music in the 11th century. F\u00e9camp Abbey and Saint-Evroul Abbey were centres of musical production and education. At F\u00e9camp, under two Italian abbots, William of Volpiano and John of Ravenna, the system of denoting notes by letters was developed and taught. It is still the most common form of pitch representation in English- and German-speaking countries today. Also at F\u00e9camp, the staff, around which neumes were oriented, was first developed and taught in the 11th century. Under the German abbot Isembard, La Trinit\u00e9-du-Mont became a centre of musical composition."}, {"qas": [{"question": "Where did the monks flee to?", "id": "56de52614396321400ee27fb", "answers": [{"text": "southern Italy", "answer_start": 179}, {"text": "southern Italy", "answer_start": 179}, {"text": "southern Italy", "answer_start": 179}], "is_impossible": false}, {"question": "What monastery did the Saint-Evroul monks establish in Italy?", "id": "56de52614396321400ee27fc", "answers": [{"text": "Latin monastery at Sant'Eufemia.", "answer_start": 259}, {"text": "a Latin monastery at Sant'Eufemia", "answer_start": 257}, {"text": "Sant'Eufemia", "answer_start": 278}], "is_impossible": false}, {"question": "Who patronized the monks in Italy? ", "id": "56de52614396321400ee27fd", "answers": [{"text": "Robert Guiscard", "answer_start": 225}, {"text": "Robert Guiscard", "answer_start": 225}, {"text": "Robert Guiscard", "answer_start": 225}], "is_impossible": false}, {"question": "What tradition were the Saint-Evroul monks known for?", "id": "56de52614396321400ee27fe", "answers": [{"text": "singing", "answer_start": 32}, {"text": "singing", "answer_start": 32}, {"text": "singing", "answer_start": 330}], "is_impossible": false}, {"plausible_answers": [{"text": "monks", "answer_start": 149}], "question": "Who fled from southern Italy?", "id": "5ad3fccf604f3c001a3ffbb5", "answers": [], "is_impossible": true}], "context": "At Saint Evroul, a tradition of singing had developed and the choir achieved fame in Normandy. Under the Norman abbot Robert de Grantmesnil, several monks of Saint-Evroul fled to southern Italy, where they were patronised by Robert Guiscard and established a Latin monastery at Sant'Eufemia. There they continued the tradition of singing."}]}]} \ No newline at end of file diff --git a/tests/data/pred_real/train.pred b/tests/data/pred_real/train.pred deleted file mode 100644 index c1b343aabf7f..000000000000 --- a/tests/data/pred_real/train.pred +++ /dev/null @@ -1,3000 +0,0 @@ -A Republican strategy to counter the re-election Obama -Republican leaders justified their policy the need to combat electoral fraud. -However, the Centre considers this a myth, stating that electoral fraud is rarer in the States than the number of people killed by -Indeed, Republican lawyers identified only 300 cases of electoral fraud in the United States in a decade. -One thing certain: these new provisions will have a negative impact on voter turn-out. -In this sense, the measures will partially undermine the American democratic system. -Unlike in Canada, the American States are responsible for the organisation of elections in the United States. -It is in this spirit that a of American governments have new laws since 2009 making the registration or voting more -This phenomenon gained momentum following the November 2010 elections, which saw 675 new Republican representatives added 26 States. -As a result, 180 bills restricting the exercise of the right to vote in 41 States were introduced in alone. -The new election laws require voters to show a photo ID card and proof of citizenship. -Furthermore, laws also reduce early voting periods, invalidate the right to register as a voter on election day and withdraw the right to vote of citizens with a criminal record. -Before the elections, no US State required voters to show a photo ID card. -Indiana was the first State to impose such a requirement. -In 2008, the Supreme Court of the United States the constitutionality of the Indiana law. -The Republican authorities were quick to extend this practice to other States. -Over the past two years, they sponsored bills in States to force voters to show a photo ID card. -It is to note that, unlike Quebec, American citizens do not have a universal ID card such as the health insurance card. -In fact, 11% of American citizens, i.e. 21 million people of voting age, do possess a photo ID card issued by a government agency of their -In addition, five million new voters in do not have such -And it often costs over a hundred dollars to obtain the required identity card. -The new restrictions disproportionately affect young people, minorities and people with low incomes. -In fact, 25% of Americans, of those earning less than $35,000; 18% of citizens over 65 and 20% of voters 18 to 29 years do not the required photo ID card. -And that's not all. -Students, voters considered to be voting more Democratic candidates, are not allowed in several States to use the photo ID card issued by their institution. -On the other hand, these same allow fishing or hunting club members, who vote more Republican, to use the cards issued by these clubs when they vote. -Prior to no State required proof of citizenship to vote. -Arizona was the first to introduce such a requirement. -Since 2011, a dozen States have adopted laws requiring voters to prove they are citizens. -These measures are intended to limit the Hispanic vote. -However, it appears that two out of three Hispanic voters favour the Democratic party. -What is more, in 2011 Republican legislators sponsored laws abolishing the registration of on in eight States. -In addition, they limited the right of individuals and groups to provide assistance to voters wishing to register. -These restrictions are not without consequence. -For example, the 2004 general election, voter campaigns contributed to registering around 10 million -However, the measures adopted since 2009 have led a 17% drop in the registration rate of new voters 2010 compared to 2006. -In addition, Republican legislators have enacted laws in five other States at reducing early voting period. -For example, during the 2008 general in Florida, 33% of early voters were African-Americans, who accounted however for only 13% voters in the State. -The same applied to Hispanics. -These represented only 11% of voters, but 24% of citizens who voted early. -On the other hand, 76% of voters were white but these represented only 46% of early voters. -Of course, Democratic legislators and their supporters vigorously opposed the adoption of laws restricting voter registration. -Several bills were blocked by vetoes of Democratic governors. -The United States Attorney General intervened to suspend the most controversial laws. -They were able to partially limit the damage. -For example, only 16 out of 34 States have adopted laws requiring the presentation of a ID card. -However, the new rules put in place will make it more difficult to exercise the right to vote in 2012. -Democratic critics denounce the partisan character of the laws that have been passed and they see a clear objective of influencing the results in key States. -A 2011 Brennan Centre report shows that the States that have adopted these laws represent 171 of the 270 needed in the electoral to win the Presidency. -It is too early to say with certainty that these changes in the electoral system will have significant impacts on the the 2012 presidential elections. -But thing is certain: these new provisions will have a negative the turn-out. -In this sense, the measures will partially undermine the American democratic system. -Prostate cancer screening: take the test or not? -Indeed, the PSA test sometimes shows erroneous results false negative or even false positive results, which involve unnecessary medical interventions. -Enough to make reluctant men to take screening tests. -Take the test or not? -We asked two specialists for their opinion. -In studies conducted in the United States, there was a lot of contamination between control groups, so it is to interpret the data and make firm recommendations. -Another study, this time a European one, concluded that there a in mortality between patients who screened and those who were not. -This study also showed, with follow-up after 12 years, that it is 30 and 40% more likely for metastases to occur in absence of screening. -I therefore recommend the test from age 50, or 40 if you have a direct relative who previously had prostate cancer. -African-American men are also more at risk. -The key is to the right decision once cancer has been detected. -are aggressive cancers and others that are indolent. -The patient really needs to be made to understand the degree of risk of his cancer, by offering him the available, not treating prostate cancers that are not long-term life threatening, and opting instead, in such cases, for active monitoring of the disease. -Today, many men whom cancer has been detected will not be treated because their cancer is not aggressive and is not life threatening. -Active monitoring will be suggested, and if the disease progresses, they will be offered treatment. -More and more, specific criteria are being determined in order to decide who should or should not treated. -Therefore I recommend taking the test. -But the important is to have a discussion with your doctor to determine whether or not to take it. -In collaboration with the Société internationale d'urologie [SIU], Movember has created a tool that makes it possible evaluate the pros and cons of the PSA test. -You can download the document (in for time being, a [French] translation will be available at this address: http://ca.movember.com/fr/mens-health/prostate-cancer-screening -Preventing the disease -Unfortunately, there is no miracle for preventing cancer. -Despite the progress in research, the adoption of healthy living habits remains the best way to the risk of suffering from it. -It estimated that if everyone ate well and exercised enough, 30% of cancers could be prevented. -"If no more people smoked, this rate increase to at least 50%," says André Beaulieu, spokesman for the Canadian Cancer Society. -On the other hand, it is estimated that roughly 10% of cancers are hereditary. -Some are also completely unexplained. -For Canadian Cancer Society, the fight against tobacco remains a despite the decrease in the number of smokers. -Cigarettes are linked to 85% of lung cancer cases. -It is also a risk factor for a number of -This massively damages people's health. -"Even today, there are 1.5 million Quebec" deplores spokesperson André Beaulieu. -Encouraging data: 10 years after giving up smoking, the risk of dying from cancer drops by half. -Weight -Overweight and obesity are also conducive to the onset of the disease, according to the SCC. -They can increase the risks cancer of the breast, colon and rectum, oesophagus, pancreas and uterus. -"Research shows that the regular practice of physical activity throughout your life protects against colon cancer" it is also said. -Diet -The organisation also recommends limiting your consumption of red meat. -In large amounts, it increases the risks of developing colo-rectal cancer. -Likewise, so do cured meat products, and these should be avoided. -The conservation meat by drying or can cause the formation of carcinogens. -"They can damage cells the body and lead to the development of cancer" it explained. -Vitamins -In recent a number of scientists have studied the links between vitamin supplements and cancer. -For the time being however their research is inconclusive. -Studies on vitamin E are contradictory, according to the SCC. -While one noted a decrease in the risk of prostate cancer, another noted an increase. -Also the effect vitamin D on cancer is not clear. -In Mr Beaulieu emphasises the importance of discussing your concerns and family history with your doctor. -"Taking a screening test doesn't give you cancer." -The Higgs boson revealed -The announcement of the probable discovery of the Higgs boson created quite a stir last summer, and with reason. -Indeed, it is believed that this is part of the mechanism responsible for the mass of everything in the Universe, no less. -Also it is the particle whose existence is predicted by the Standard Model - our or "less worse" of the and behaviour of matter - but which has not yet been observed empirically. -But for physicists, it is still not completely sure that it really is the Higgs. -We know without a shadow of a doubt that it is a new authentic particle, and greatly the Higgs boson predicted by the Standard Model. -In new data unveiled this week at a large physics Congress in Kyoto seem confirm this, but there are still insufficient data to be perfectly sure. -But let's suppose that it really is the Higgs, since the chances of being mistaken seem slim, and see what it is. -In our world, there is a fatally unavoidable law which states that two things cannot meet at the same place at the same time. -no way break this rule - and don't try too hard, you'll go mad. -However, even though particle physics is a very strange world, turns that it also has a law of the same kind: the exclusion principle, which that two particles cannot the same space at the same time if they in same "quantum state" - this "state" consisting roughly of certain of their characteristics. -Based on this, physicists classify particles into two categories. -In one corner we have good citizens fermions, who wisely obey the Pauli principle. -While lurking in the other are the bosons, a nasty band of anarchists who respect nothing - at all events, not this principle, which means that they can indeed be found in the same place at the same time. -These bosons are then divided into two groups, according to the Berkeley Labs Particle Adventure site (absolutely extraordinary, by the way): mesons, which we will not discuss and "force particles" by which the great forces of are and to which the Higgs boson may be somehow related. -These bosons, it must be stressed here, are not all exotic bugs as you might think. -In fact, if you can read this it is thanks to an extraordinarily banal boson: the photon, or the "light particle" which is the "messenger" of the electromagnetic force. -When, in fact, a particle having an electric charge accelerates or changes direction, this "disturbs" the electromagnetic field in this specific place, rather like a pebble thrown in a pond. -This "disturbance" produces an electromagnetic wave (of light, infrared, ultraviolet etc.), and this wave is nothing other than a photon - and thus one of the "force carrier" bosons. -More stable field -The same applies to the Higgs boson, with the that it is another the Higgs field, which must be "disturbed" for the boson to appear. -Now, this Higgs field is much, much more stable than the electromagnetic field; to it is to achieve very high energy levels, rather like a frozen pond which would need a very large rock to wrinkle the surface. -Which is why a huge particle accelerator the one at CERN - Large Hadron Collider is a ring with a 27km circumference! - is needed to achieve such energy levels. -The analogy with the electromagnetic field is again useful explaining the relationship between the Higgs and -In fact not all particles, all materials, with electromagnetic field. -Some, such as magnets, do so, but others don't - a piece of paper, for example, will never stick to a fridge. -And likewise, not all particles interact with the Higgs field: those that do so have mass, while the others (such as the photon) do not. -Now, what is it that all this research "can bring"? asks Plamondon. -For science, it serves to check the validity of the Standard Model (SM), and also allows physicians to examine any discrepancies between the observations and predictions of the SM. -A number of people, moreover, fervently hope that some will be found, because the slightest difference could open a door to a "new physics" and plug certain holes in the Model. -This, it must be still has huge shortcomings, offering no explanation for gravity (oops!) or dark matter, which forms approximately 80% of the matter in the Universe (re-oops!). -But to date such discrepancies have been found at CERN. -Repercussions -The of this research on daily life of the man in the street are more difficult to predict, it would be wrong assume that there won't be any. -Remember: in the very early 60s, the pioneers of the laser at Bell Laboratories not suspect the revolution that would be triggered by their work. -They had an inkling of the scientific applications, but nothing as to the rest. -In fact, the late Willard Boyle - a physicist who worked at Bell Labs, where the laser was invented in 1960, and who himself developed the first continuous laser (the first pulsed) 1962 - told us that initially the laser was as a gadget." -Just imagine... -And then, applications can also come from all the instrumentation that surrounds research. -For example, the same Willard Boyle developed a small light sensor in 1969, during his work in -This sensor, although this was not at all the original intention, serves as an "eye" to all digital cameras worldwide, and earned him the Nobel physics prize in 2009. -This does not of course mean that the activities of the LHC will necessarily transform our lives, it does that, actually, you never know... -Palliative care - The best way to die... | Le Devoir -With its Dying with Dignity Commission, recently discussed the delicate issue of the end of life. -The debate is due to resume as a bill is being prepared. -However, in this vital area, much remains to be done. -Le Devoir attempted to look more closely. -Just a few weeks ago Mr L. lived alone in his Montérégie apartment. -The festering prostate cancer had allowed him a two-year respite. -"They me five years to live, I've made it to seven," he says, with mixed emotions, lying in his bed at the Victor-Gadbois care home in Beloeil, where he arrived the previous day. -"But it's still a shock, you can never be prepared for it" he adds. -The disease is doing its work: huge weakness which prevents him going to toilet alone, and even eating alone. -Sitting in front of an appetising lunch, he consents to helped to eat, resigned. -Courageous, even to smile, talks to the strangers bustling around him, bringing him his medication, him a bath. -The courage of ordinary death. -"What I want most is to be cured of my diarrhoea, it's humiliating" he confided. -A few hours later, the team found a cure for this illness. -"During our lives, we learn that a man pisses standing up," says Pierre Brodeur, psychologist at the Victor-Gadbois home. -to the stage a child, for some people, is an unacceptable humiliation. -"It depends on the person's ability" to accept the he says. -Because, in the opinion of a number of people working in palliative care, great moments occur at the heart of such regression. -Patients at the Victor-Gadbois palliative care home all suffer from cancer. -They have a maximum life expectancy of three months. -At this the team of doctors and nurses surrounding them no longer provides so-called "curative" care. -Mrs A., 89 years old, the worst fear is to die "conscious and suffocating." -But the disease has me discover my children. -"I have fine children" she adds. -"I don't wish anything more in life" she says, before accepting having a mask put to help her breathe. -She looks forward nevertheless, in the next few days, to a last visit by her son coming from Italy. -At Victor-Gadbois, a group of volunteers provides bodily care and help with feeding. -is palliative care, given when there is nothing else that can be done. -To make death comfortable. -In Quebec, there are palliative care beds for 11,700 inhabitants. -This is very few when we know that we will all die one day. -Here, life continues the best possible conditions, explains Dr Christiane Martel, one of the doctors at the home. -Whether a physical comfort, emotional or spiritual level. -A person who is dying will accept being helped drink brandy or Pepsi, whatever is their tipple. -Diabetics no longer need to control their blood sugar. -And death is part of everyday life. -Yesterday evening, a beer was served to Mr X, who died during the night. -This morning, it is son who will finish the beer at the feet of the deceased. -"We help relatives as much as patients" says Nathalie Savard, Director of Care. -At the Victor-Gadbois home, one day follows another but no two are alike. -Along with a 93-year-old man who is savouring his last meeting with his family, sitting firmly wedged in his pillows while toasts are drunk in his a man is dying tragically, surrounded by his parents, his wife and his two children, after having tried everything to survive. -"For six months, there have always been three to five beds which are occupied by cancer patients less than 45 says concerned Dr Christiane Martel. -53% of patients admitted to the Victor-Gadbois home come from their homes, 47% from hospital. -Lack access to palliative care -It is said that 77% of simply have no access to palliative care, which is care designed to ease the pain when a patient has reached the terminal stage of life, be it at home, in hospital or in a care home. -And a number of organisations, such as the Victor-Gadbois home and Palliative Care Society in Greater Montreal, specialise more or less exclusively in care provided to cancer patients. -It is precisely large gap in Quebec health care which has made a number of palliative care fear the adoption of a law on euthanasia and assisted suicide. -Since October, a manifesto, signed by palliative care luminaries including Dr Balfour Mount and Dr Bernard Lapointe, has been to demonstrate their opposition to such an initiative. -According to Dr Christiane Martel, the Quebec health system is not effective enough to ensure that everyone will be entitled quality palliative care before it is accepted to proceed to euthanasia. -Recently, she says, I saw patient spend 14 days in emergency, in great pain, without anything being done to ease her suffering. -I'm afraid that patients ask to die because they don't receive adequate care. -And at the same time, some oncologists work relentlessly on their patients until the last day, despite the worst prognoses. -Hélène Richard's survival hopes were already minimal when she ended her gruelling chemotherapy. -When I announced to my oncologist that I was stopping the treatment, she told me she that I had given up fighting, she said. -However, she had told me I was finished! -all-powerful care -Dr Martel believes that 90% of patients asking to die thank care-givers for not having acceded to their request after they have been relieved of their pain by a palliative team. -But it must be said that palliative care is not absolutely all-powerful in treatment of pain. -According to Elsie Monereau, Palliative Care Director with the Palliative Care Society in Greater Montreal, patients are resistant to against pain in 8% of cases. -At the very end of life, physicians then often resort to palliative sedation, which is equivalent to putting the patient to sleep until the time of death, either sporadically or -We can no longer pretend to understand part of their suffering. -Increasingly, an unrelieved patient will have the option of having palliative sedation. -Patients who relieved always say the same thing: "I want to die." -But this does not necessarily mean "I want you to euthanise me," it means "I to be relieved." -This report was made possible thanks to a journalism award from the Canada health research institutes. -Widespread real estate scandals in Quebec -Day after day highway officials, building contractors, political party fund-raisers and Italian mafia specialists tell what they know of a formidable "system," combining the building industry, government officials, politicians, trade unionists and organised crime. -An "industry" which has cost Quebec taxpayers dearly, especially the 1990s and 2000s. -"It is curious how system is crumbling since we took drastic measures" says Duchesneau ironically, a Quebec politician and former Montreal of Police. -It was through him that the scandal broke in 2011, in an in-depth investigation into corruption related to road construction contracts in Quebec, to which the liberal Prime Minister the time, Jean Charest, had consented only reluctantly. -The "Duchesneau report" established a direct link between industry, under-the-table financing of parties and bribery officials. -"Since the inquiry opened in 2010, he says, the Ministry of Transport alone reportedly saved a billion dollars on contracts," with certain people curbing their get a share! -The Charbonneau Commission "has already brought down two mayors" he adds, hoping that it will succeed in "revealing the schemes behind the individuals." -A permanent anti-corruption unit, created in 2011 -The Permanent Anti-Corruption Unit, created in 2011, is also coupled with its army of analysts, and auditors. -Plus the "Marteau squad" policemen who, since 2009, have apparently led the Montreal "sewer soft pedal on the inflation of contracts... -In recent weeks, it has conducted a series of searches and brought charges fraud and corruption against municipal politicians, such as Frank Zampino and Richard Marcotte, Mayor of a suburban town. -Next on the list is apparently Gilles who has just resigned from his post as Mayor Laval, third largest city in Quebec. -He is suspected of pocketing repeated bribes in exchange for public contracts. -Others formally accused are Montreal highway engineers and Italian entrepreneurs, including Tony Accurso and Lino Zambito. -The latter caused a sensation by explaining mechanics of the contracts "system" to the commission. -He himself paid 3% of the value of the contracts obtained in Montreal to an intermediary linked to the mafia who turn paid the money to Union Montréal, Mayor Gérald Tremblay's party. -Mr Zambito has handed money out freely in the 2000s, giving over 88,000 Canadian dollars (roughly 68,000 euros) to provincial parties, especially the Liberals then in power. -He also admitted having organised an illegal for former Liberal Deputy-Prime Minister, Nathalie Normandeau. -Sewer contracts with inflated costs -In Montreal, the corruption "system" ran smoothly. -Gilles Surprenant, former public works engineer, it in detail in front of the commission: in ten years, he from construction companies gifts, invitations to trips, golf tournaments, restaurants, hockey and bribes totalling 736,000 dollars, in exchange for sewer contracts of which he inflated the costs. -Other highway officials admitted having their palms greased by inflating invoices by 30 to 40%, and by false -Then an organiser of the Mayor's party, Martin Dumont, accused Mr Tremblay of deliberately closed his eyes to a parallel budget feeding his coffers with dirty money. -Following revelations, Mr Tremblay resigned in early November, plunging Montreal into a major crisis. -Chantal Rouleau was one of first women in Montreal to raise the alarm. -Mayor of borough of Rivière-des-Prairies, to the East of the island, she in 2010 against the sale of municipal land bought for 5 million dollars and resold for... 1.6 million to developers, at the height of the real estate boom. -70% dirty money in election -On the investigation which will eventually be she says she "is following a thread in order to find out how the system - infiltrated by ants - works, to put a stop to the gangrene and catch the culprits." -The process, says, is "painful but positive." -The wound is cleaned, but Montreal would need its own investigative unit ongoing monitoring, to avoid the return of these questionable practices. -How to clean house. -Properly. -Jacques Duchesneau notes for his part "officials stole hundreds of millions of dollars," he is especially concerned about the role of "elected people aware of the scheme," when they were not up to their necks in the scam! -Estimating the share of dirty money in the financing of election campaigns in Quebec at 70%, he dryly: "I was told that it was only a pale reflection of -The Quebec government proposes to limit donations to parties to 100 dollars, but this will not change the situation, he says: "Until election expenses are strictly limited, there will be dirty money in politics." -He advocates a complete overhaul of the system for granting public contracts and funding: "We can't go any lower; getting the bottom of things, with courage, will help to rebuild the house on more solid foundations, with controls and laws." -Although this story tarnishes the international image of Quebec and Montreal, Mr invites anyone laughing look their own backyard... -"PSG is not FC Barcelona!" -This season, you have taken on a new stature with PSG. -How do you explain this -It can be explained by individual awareness but also by the new dimension PSG. -Some great players have arrived. -Every day I'm making progress alongside them. -The technical staff has also brought me a lot. -Day by day, all these things help me raise my level of play. -in a match, it's easier. -Everything moves very fast in football. -But I don't get worked up. -From my debut at the INF pre-training centre to my transfer to Saint-Etienne, I've moved step by step. -So you benefit from the competition brought in by Carlo Ancelotti... -This summer's recruits are used to playing matches at a high level. -They also know that every training session is crucial. -Which is what makes a like me want to face up and my best. -On the other hand, Carlo Ancelotti gives a lot as regards my position. -He's supported by deputies like Makelele, who played in the same position as me. -Is Ancelotti the man for job? -Definitely. -Ancelotti inspires respect among all the experts. -Today he has no equal in Ligue 1, and he's one of the best coaches in Europe. -He has masses of experience and has won many titles with clubs. -He's worked with great players. -I think he will bring titles Paris. -In January, I had an encouraging discussion with him. -I was just coming back from a series of injuries. -The confidence he gives me also explains my performance. -What importance do you attach to the first part of the season for PSG? -In Ligue 1, Lyon overtook us at the top. -But we're waiting on the sidelines. -One of our main goals is the Champions League: we qualified for the last 16 in the right way. -What is club's goal this competition? -We'll try to go as far as possible. -now on, anything can happen. -But have something say against some very good European teams. -First of all, we want to finish top in our pool, ahead of Porto, to have home in the last 16 match. -Can PSG become a top European club in the short term? -It already has the budget... -To become a European club, Paris needs to win titles and keep it up over time. -Today, isn't the case. -Financially, PSG has the means to make it happen. -In Ligue 1, would not winning the title, like last season, be a big failure? -Definitely, it would be a major disappointment. -This year, we're really committed to winning championship. -We weren't far away last season. -In May, there was great disappointment because we were good enough to finish first. -It was a terrific season. -We finished with 79 points. -Normally, 79 points is good enough to be top... -But another team, Montpellier, had an even more fantastic season. -I think this the year. -Even if big teams like Marseille, Lyon and Bordeaux are competing for the title, I think we have the weapons to win. -Do you think the media expect too of -It's normal for them to expect a lot from us given what's been and the players we have. -We totally accept -After we won 4-0 at home against Troyes and still found things to blame us for, that's definitely a bit frustrating. -You wonder what more people expect. -You're never going win every weekend. -We're not FC Barcelona! -We're trying to implement a game project. -It time to build a team. -The Champions League proved we could hold our own. -at Manchester City who, for two seasons, have failed to qualify for last 16, despite also having spent huge amounts! -Based on the amounts invested, you should be 15 points ahead at the winter -That would be to ignore our opponents and the French Championship. -Lyon and Marseille, who were no good last season, were "boosted" by the new PSG. -This that Ligue is exciting. -I hope that in May we will be able to smile in saying that, despite all the difficulties, we finally did it. -PSG seem totally dependent on the exploits of Zlatan Ibrahimovic. -So much so that people say there is a dependence." -This means Ibrahimovic is very and scores a lot of goals. -That's why he came, and he's proving he's the star of Ligue 1. -He's everywhere he went that he a great a world star. -Within the group, we respect the man and the player. -And also he respects the men he has around him. -What he has done is truly -It pushes others to raise their level of play. -Thiago who is one of the best defenders in the world, also helps everyone else progress. -How did you get on Euro 2012 with the France team? -A disappointment. -I really wanted to play in this Euro. -my injury prevented from getting any game time. -I saw some things there and came out stronger. -Today, I'm playing well in selection matches. -Which is what I've been hoping for since my baptism with the Blues. -I've learned the lessons from what happened in the Ukraine and I now owe it to myself to have exemplary behaviour. -What do think about Didier Deschamps's first few months in charge of the Blues? -He has the results he wanted. -We're well placed in the World qualifying -The coach is tough, to the players, and inspires them to win. -Like Laurent Blanc was. -But I don't want to make any comparisons. -Blanc had achieved his goal when we qualified for the Euro. -I hope Didier Deschamps will take the Blues to Brazil. -Did the good draw (1-1) snatched Spain, on 16 October, represent a founding match? -That match gave us confidence. -Everybody fought for everybody. -Before that shock in Spain, I'd never experienced a match in my -With Bitcoin, pay and sell without banks -The opposite of current monetary exchanges, based on central banks, transactions and processing fees among the parties involved. -In addition, as often in these technologies, a political vision is palpable: the belief that the current monetary system, made banking monopolies, leads to financial crises. -In fact, Bitcoin, invented by Nakamoto pseudonym), is both a virtual currency (but convertible into dollars, euros) and a secure exchange protocol like BitTorrent, which allows peer-to-peer file exchange. -Around 200,000 transactions have already been recorded via 15,000 computers on the network. -Close to a thousand web sites accept bitcoins as donations or means of payment. -The bitcoin exchange rate, after reaching a peak of 30 dollars (23 euros) in June 2011, fell to 2 dollars five months later, returning today to around a dozen dollars (rates are listed on the bitcoincharts.com site). -Nothing very impressive, compared to global transactions in real currency or financial products. -the European Central Bank (ECB) took an interest in it in a report on currencies published in October. -It describes bitcoin as "the most successful virtual currency," "in competition with the dollar or the euro" and "similar to conventional currencies." -Bitcoin differs from other types of virtual currency such as 'credits', used to progress in a video game which you win by playing or which you can buy (and sometimes exchange in return). -The social network Facebook has also developed this kind of system. -But, on each occasion, a central authority controls and handles the exchanges. -With Bitcoin, all nodes the network are both custodians the book of currency issuers, and buyers and sellers. -How does the network operate? -Each transaction between two users is actually carried out between two electronic addresses like with an e-mail. -Except that a user can choose a different address for each payment, thereby ensuring anonymity. -A set of information associated with this is signed electronically by a dual-key encryption system. -So the network can the authenticity of the transaction. -Using the contents of the file, it is also possible to that the exchanged bitcoins exist in the public book of accounts, broadcast across entire network. -The key step is entering the new transaction in the book. -It passes through the resolution of a mathematical challenge issued to the computers, and the winner, a kind of interim central banker, will have the privilege of adding this extra line. -This is a file hashing phase, i.e. the transformation of a large file into a shorter and unique digital imprint. -Computers "take" the new transaction and add a number to it, then "hash" it all up. -goal being to find the number that gives a special imprint (lots of zeros at beginning). -Once this number has been found, the other nodes can easily check that it is the right one. -The transaction is then to the chain of all the other transactions; any modification would alter the imprint. -If a user wanted to defraud by paying twice with the same money very quickly than minutes), only one of the two transactions would be validated by the network - the other would remain an orphan because the two have different imprints. -The computer that resolves the challenge wins 50 bitcoins. -To avoid inflation, this award is regularly divided by two, probably by the end of 2012. -The number of bitcoins in circulation is therefore limited to 21 million, but they are divisible down to the hundred millionth, which leaves some margin... -The difficulty of the challenge is also raised with each in computing power. -The life of the network has had its ups and downs. -Websites providing services for Bitcoin have been and bitcoins in deposits stolen. -"The loophole used is not the protocol itself" says Pierre Noizat reassuringly, who has just launched Paymium, a real currency payment company that uses the Bitcoin network. -The ECB also highlights the possibilities of money laundering using this anonymous service. -But cash also has this weakness. -Major players like Wikipedia donations of nature. -Others, such as the WordPress blog platform, accept them. -Recently, Adi Shamir and Dorit Ron, from the Weizmann Institute in Israel, analysed the accounting books and showed that almost 80% of bitcoins do not circulate. -In November, "huge were launched. -"Thirty thousand were exchanged" Jon Holmquist, who works for Coinabul, which converts bitcoins to gold. -Pierre Noizat, also author of an educational book on this currency, has a lot of faith in the potential of this technology as a transaction network. -His system, Paytunia, is equivalent to a credit card (in real money) or a contactless payment by mobile, but it uses to validate transactions, which are thus cheaper. -Also the user manages his identity and can therefore be anonymous. -The system is easy to implement by merchants, who do not need to install new terminals or software. -They just need to provide an address a phone can "photograph and recognise" says Pierre Noizat, who he has thousands of users. -There is a general movement to reappraise hierarchical systems for more horizontal systems. -"It take time for Bitcoin to become firmly established, but 2013 be turning point," he predicts. -The ECB, in its says it reassess the various risks, currently regarded as high, in the event of the currency's success. -We got out of Afghanistan. -What now? -French troops have left their area of responsibility in Afghanistan (Kapisa and Surobi). -and the Americans are due to follow in late 2014. -It is time for the Afghan army to resume possession of its territory and the Afghan people to choose their future, without expecting us to do everything. -It is mainly Afghan peasants that we have punished by regarding them as terrorists. -And ourselves, with our 88 soldiers killed, plus the wounded, the maimed. -The Taliban is composed of foreign extremists, former leaders in refuge in Pakistan, but often peasants who the presence of foreign armed forces, like in the time of the Soviets. -They want to their traditions, both ancient and archaic, even though they have been joined by Jihadists, Pakistanis, Arabs, Uzbeks, Tajiks. -Tolerated, sometimes assisted, by local insurgents, the latter will no longer be so when Westerners become more scarce. -The departure of French troops from the Nijrab base, which I observed from the top of hills of almond trees planted with French funding, was carried out in an fashion. -Convoys of trucks armoured vehicles reached Kabul without being attacked, overflown by helicopters. -There will be no wave of the Taliban in by the end of 2014. -Circumstances have changed their irresistible advance between 1994 and 1996. -At that time Kabul empty, the country being torn apart by the struggles between different -Their takeover of the country had been perceived then as a sort of liberation, a return to safety. -Afghanis paid the price of the obscurantism of these peasants by the organisation of Al-Qaeda, but their situation has not improved today. -Former Mujahidin, the Afghan Government and the current Taliban are allied in the desire to keep women in inferior position. -main anti-Soviet leaders returned to power in 2001. -They became profiteers, seizing government land to resell as building land to refugees returning from Iran and Pakistan, benefiting from huge American outsourcing contracts. -They have become discredited; what is more, most of them did not fight themselves. -The people, as I heard the countryside, want a Government that is not made up of thieves. -Many young people want to leave, as those who were able to benefit from American will leave: the flight of capital is considerable. -The young people are tired of war and its ideologies. -They have rubbed with the modern world during their exile in Iran or Pakistan, and appreciated the benefits. -Roughly 65% of the population is less 25; Kabul now has 5 million people, a fifth of the total population. -In towns and cities, the state schools are full, with girls and boys alike. -It will be necessary to provide work for those young who no longer want to return to the obscurantism of the former parties or the corruption of certain leaders. -of them, including the armed opponents, are partial to mobile phones; television, with its Turkish soap operas that show a world, is everywhere. -The army is now present. -Will the authorities who command be considered legitimate? -Former commanders of the anti-Soviet struggle are already thinking about restoring provincial militias, which escape the central power. -Afghanistan, of mountains, with strong local identities, should be able to benefit from a certain decentralisation, in the image of the Western nations, but the United States wanted to turn it into a centralised with presidential power, abolishing the post of Prime Minister, which had existed since the 1964 Constitution. -President Karzai does not any foreign controls, particularly on the occasion of the elections in 2014. -But, since the 50s and already well before, his country has been dependent on foreign aid. -No industries have been re-established, no dams are in good condition, no major irrigation systems have been repaired. -Everything imported; nothing is produced, apart fruit and vegetables. -The Priority left to private initiative. -In a country ruined by thirty years of war, government control over the infrastructure would have been necessary. -The rumour was spread that Afghanistan had huge mineral wealth. -This only added to the feeling that the Westerners were only there to seize it. -no energy to process the iron ore or copper on site, or means of transport to export it across the mountains, there no mining. -The Chinese have already almost left the Mes Aynak mine, leaving international archaeologists (funded by the World Bank) to search the huge Buddhist site and remain the largest employers in the province. -One day it will also be necessary for Afghanistan and Pakistan, on which imports and exports largely depend, to restore normal relations. -The departure of French combat troops was completed on 20 November. -The new cooperation treaty provides for the continuation of traditional aid: girls' high school, high school, French Department at the University, French Institute, cooperation in the military, legal, medical and fields, support to the archaeological Delegation. -Since 2009, to try to "win hearts and minds" and achieve the impossible task reconciling aid and offensive actions, a "civil-military service from the Ministry of defence (Cimic), closed in 2012, has carried out, and continues to carry out successfully, through a small French NGO, many community and agricultural rehabilitation projects in dozens of mountain villages. -These projects, involving large numbers of local labour, have helped to contain the insurgency: irrigation, wells, drinking reforestation, fruit trees, soil protection and increase in cultivable areas. -What will we leave a souvenir, after two billion euros of military spending? -much more modest budget would contribute to improving local living which are hard in these valleys often located over 2,000 metres sea level. -The Embassy has received of written requests for small agricultural projects from local communities in Kapisa province. -To be in a position to free themselves from uprising led by foreign which is what farmers told me they want, a small amount of civil aid be in their favour, well controlled and directly affecting them. -A Constitution by force in -A new gamble for President Mohammed Morsi. -While Egypt remains more divided than ever around the constitutional declaration, which temporarily grants him full powers, he has decided to go for broke. -Taking everyone by surprise, he announced on Wednesday that the Constituent Assembly would vote on its text the following day. -Just a week ago, the head of State had given the Assembly two more months to its work. -For two years has relied on a provisional text, several times this has weakened institutional stability and led to legal imbroglios. -new initiative only served to enhance the divide in the country. -According to his opponents, the President is persevering in his "autocratic delirium," continuing to "go back on his word" and the law." -His supporters affirm that this is the quickest way to put an end to the institutional and political crisis, by speeding up the transition process. -referendum is due to be held within the next two weeks. -A very short period, which forces the Brothers to abandon their plan to explain text, article by article, to the Egyptians. -For the President, it is also a way to popular and democratic legitimacy while the rages throughout the country. -Mohammed seems convinced that Egyptians will vote favourably, as he stated in an interview with the American weekly Time. -Particularly since a hasty vote smacks of an ultimatum to the Egyptian people: "Either you vote for my text, or I keep full powers," these supposedly expiring following of Constitution. -It in a strange atmosphere that 85 members of Constituent Assembly, with a large Islamist majority, voted on text yesterday. -Most of the were missing. -In mid-November, shortly before the constitutional declaration, had slammed the door, feeling they had failed to assert their views. -Representatives of human rights, religious minorities or civil society had done likewise. -In to obtain a quorum, 11 members, alternates, were hastily added yesterday morning. -Some of them are very to the Muslim Brotherhood. -Not the articles were for the most voted unanimously. -Commentators were also amused that one of the only diversions of the day was expressed with regard to... the hour of prayer, some Committee members feeling that the Constituent Assembly clock was wrong. -text, which was being voted on yesterday evening, has 234 articles. -The main focus of attention, article 2, remains in the final analysis identical to that of the 1971 Constitution, stipulating that "the principles of sharia are the main source of law." -Salafist parties, for which the establishment of Islamic law is a claim, were hoping to replace "the principles" by "the rules," which would have allowed stricter application. -For the Islamists, the fact this article was not amended is a guarantee of goodwill and their respect for the other elements of Egyptian society. -respond the who see only a communication coup. -Because in their opinion Islamisation of the Constitution is done through other articles. -They refer in particular to article 220, which grants Al-Azhar University an advisory role, with particular reference to verifying the conformity of the laws with sharia. -According to Egypt specialist Sophie Pommier, this is worrying because "the people upon to advise are not elected and have no democratic -This suggests the beginnings a theocracy." -The liberals' also fuelled by the fact that the next Rector of the university will probably be much less than the current one. -"For the time being, there no concrete religious implication. -With this Constitution, things remain under civil rule. -Most of the lawyers who worked on this text are not Islamic law scholars but academics, some trained in the French qualifies Alexis Blouet, who is writing a thesis on the Egyptian constitutional transition. -But acknowledges that "there be some ambiguity article 220, because the terms used borrow from the religious vocabulary. -Reference is made in particular to "fiqh" [Islamic jurisprudence, Editor's note]. -And the question could be asked in future what extent civil judges are competent to pronounce on it." -Beyond its religious aspect, the text voted on is highly criticised due to the extensive powers it to the President of the Republic. -The Muslim argue that they are significantly reduced compared to what they were under the former regime. -Another issue: the powers conferred on the army. -In accordance with the of the military, the Defence budget review will be submitted to Parliament, but to National Defence Council. -Nor will trials of civilians will be banned in tribunals, as requested by associations for the defence of human rights. -Who also voice their concerns about the text, which they consider repressive. -The offence of blasphemy is maintained and insults are now prohibited, which could have serious consequences on freedom of expression, particularly for the press. -In addition, no longer does any the articles refer to the protection of women, highlights Heba Morayef, from Human Rights Watch. -In her opinion, the only positive point is the prohibition of torture in article 36. -The word was not included in the previous Constitution. -While the Egyptian President was speaking yesterday evening on television, demonstrations are planned for this afternoon. -Supporters of the Head State will march on Saturday. -In Israel, holy places await Ukrainian tourists, the omphalos and a sea of saline water -The Holy Land combines the splendour of biblical truths, modern comfort and primeval nature. -AiF [Argumenti i Fakti] newspaper highlighted the five most important reasons why it is must to visit -Let's worship the holy places -It is worth visiting the River Jordan where Jesus was baptized. -It is considered that all who enter this baptism "bath" are blessed by -Galilee is the place where Jesus performed his magic: turned water into wine at a wedding, walked on water, calmed a storm, and filled the -This is also Jesus came before his disciples and after the resurrection. -But the biggest number of holy places is in Jerusalem. -Believers walk through the Way of Grief or Via Dolorosa. -It starts by the Antonia Fortress - Praetorium - where the judgement place, and us along the streets of the Old Town to the Church of the Holy Sepulchre on Golgotha - the place of the crucifixion, Stone of Unction and the place of Jesus' burial. -This is also the location of the symbolic Christian omphalos, which symbolizes the salvation of mankind. -The Holy Cross Monastery in Jerusalem is erected at the site that, according to Christian legend, yielded the tree used to make the cross for Jesus' crucifixion. -Jerusalem the most holy places for the Jews as well - the Wailing Wall, which remained from a temple destroyed by the Romans in 70 AD. -According to tradition, different faiths leave notes here with their wishes, which are then fulfilled. -Travel along a vertical -Ruins of the Massada remain from a secret refuge from enemies, built by in 25 BC for his family. -They are located on cliffs in the mountains at an elevation of 450 m sea level. -They can be reached on foot only by those who are into mountain climbing. -Others are delivered to this historical mountaintop by a cableway. -In the north of the country, at an elevation of 1600-2040 m, there is a famous ski resort called Hermon, which up with tourists in winter months. -A shuttle brings people to it from the foot of the mountain. -The total length of ski pistes is 45 km. -According to an ancient legend, pagan used to live on the mountain. -unique museums -This country has about 300 museums. -You won't be able to visit all of them on one trip -But at least the five most interesting ones are worth visit. -Among them - Museum of Israel, located close to Knesset (Parliament). -It has ancient Qumran manuscripts and Dead Sea scrolls found in the caves of the Judean desert, along with about 500,000 archaeological and anthropological artefacts. -The Museum of Art in Tel-Aviv is also interesting. -Its exhibits include a wide range of impressionists and expressionists like Monet, Pissarro, Renoir, Sisley, Cezanne, Matisse, Modigliani, Chagall, Picasso. -In Akko, you visit the bath museum Al-Basha, which consists several rooms of ancient Turkish baths with models of visitors bath attendants of the time. -In Caesarea, it is worth visiting the unique private Ralli Museum, where you can enjoy the sculptures of Dali Rodin. -There are no tour guides or gift shops. -Entry is free of charge, and contributions are strictly not allowed. -The fifth one is the Holocaust Museum or Yad Vashem in Tel-Aviv, which tells one of the most dramatic stories in history. -The most tragic section is the children's memorial, built in memory of 1.5 million children killed concentration camps and gas chambers. -You go in and find yourself in complete darkness. -Stars are glimmering, -and you listen names of Jewish children and countries where they died. -Ukraine is mentioned there too. -Wellness -There are three resort areas Israel, located on the coasts of the Mediterranean, Red, and Dead Seas. -Each have swimming pools, aqua parks, dolphinaria and oceanaria. -It is notable that one can swim in Red Sea even in winter months, the water temperature does not drop below 21 degrees and the air warms to 23 degrees. -The Dead Sea even warmer, and people swim in it round. -Incidentally, it is most unusual sea in the world, located in lowest point of the planet - 417 m sea level. -Its azure water is saline and easily keeps you afloat, even if you don't know how to swim. -The surrounding landscapes are surreal in their beauty. -People come here to undergo a course of treatment using salt water wraps and medicinal muds, and to improve their health if they have dermatitis, allergies, asthmas, eczemas, arthritis, bronchitis, or diabetes, or to balance. -Touch the mysteries of antiquity -They are preserved in the old section of - in the town of Jaffa on the Mediterranean Sea. -The famous sea route connecting Egypt, Syria, Anatolia, and Mesopotamia runs through it. -city is mentioned in ancient Greek and ancient Egyptian legends. -According to legends, this is where Noah built his ark Perseus saved the beauty with whom he lived a long and happy life. -Tourists really like to wander the narrow streets named after signs of the zodiac. -They say, if you touch the walls on the street of your sign, fortune will come to you. -In Jaffa, you can meet newlyweds who come from all over Israel and even from other countries for photo sessions. -And in Caesarea - the city of King Herod you can walk around a Roman theatre, "capture" the Crusader fortress. -the Roman period, Caesarea was the main city of Judea and the residence of Roman prefects, including Pontius Pilate. -carefully restored theatre is now used for evening concerts and opera performances. -A note for the tourist -When you go to Israel, don't worry about your bad English knowledge: approximately 30% of the country's population speaks Russian. -For trip, it is better to take dollars, not because they are easily exchanged for shekels (currently 1 dollar = 3.8 shekels). -City is mainly buses, but Jerusalem has a high-speed tram, and Haifa has only subway line in the country, six stops and connecting upper town with lower. -In essence, it is an underground cable railway. -A ticket for any type of city transportation costs 6 shekels, and you can ride for 1.5 hours with transfers. -According to the Jewish tradition, Sabbath is celebrated in Israel. -Between evening the sunset on Saturday, markets, stores, and public transportation stop working. -The work week starts on Sunday morning. -Many cafes, restaurants and hotels have only kosher food, with no pork, seafood, fish with no scales, or dishes that combine milk with meat. -There is a wide selection of dishes from lamb and beef, soups and desserts cooked using coconut milk, traditional hummus paste, various sauces, (balls made of ground chickpeas), fruits and vegetables. -The streets of Israel don't have homeless dogs. -But there are many cats, which walk around lazily. -In the evening, they can even be seen sleeping on roofs of parked cars. -These pussycats like places and do refuse treats. -Car rental, on car type, costs from 37 (Hyundai Getz) to 188 (Audi A6, Volvo S80) dollars a day. -Plus insurance of 15 dollars a day. -Bike rental costs 15 shekels a day. -Museum entrance costs 30 shekels on average. -In numbers -In 2012, three million tourists from around the world visited Israel. -Visitors and arrive mostly from the USA, Russia, France, Germany, England, and Ukraine. -Between January and October 2012 Ukrainian tourists visited the Holy Land, which is 51% more than a similar figure in 2010, before the removal of the visa regime on February 9, 2011. -Only the and mighty" make it to migrants save money for language -While deputies and human rights activists argue about the purpose of the law on mandatory language testing, the country already has artists who sell fake certificates. -Every year, 13 million migrant workers come to Moscow, St. Petersburg and other in Russia. -Mostly these are citizens of Central Asia: Uzbekistan, Tajikistan and Turkmenistan. -Their only goal is to earn money to support families back home. -A new law came into effect on December 1, which obliges every migrant worker to pass a Russian language test. -For the moment, this law applies only to those who intend to work services, housing and utility services, household services, and retail. -But with time - as promised by the Federal Migration Service - tests will become mandatory for all non-residents. -In addition to language, Russian history and basics of the legal system will be tested. -Language knowledge will have to be confirmed both to receive and to extend the work permit. -An exception is in effect for citizens of countries where Russian is a state language. -People who received education certificates and diplomas before the fall of the USSR in 1991 are also exempt under the law. -Purpose, doomed fate, and the of rights -points will be operating under the auspices of the Pushkin Institute of Russian Peoples' Friendship University of Russia, State University (MGU), St. Petersburg State University (SPbGU), and other Russian education institutions. -Migrants can take the tests in all cities; more than 160 centres have been opened. -The initiative to introduce the testing was supported by State members the Federal Migration Services. -But human rights activists, asked the question repeatedly in the press before the law came into force: what will it actually achieve? -will the obligation to know change for the Russians and for the non-residents? -First of all, according to of the migration service, this will allow to reduce the number of people suffering from labour slavery. -Many speak about protection of the of work migrants, explains the Head of representative office of the Migration Services of Russia, Viktor Sebelev. -Rights protection should begin before their departure. -Only the system of organized selection will enable us to solve 90% of the problems of foreign workers. -Migrants without profession, education, who do not know Russian, who do not a medical certificate start to have problems. -If a migrant does not understand the language, says Sebelev with certainty, he is doomed to come unconscientious people, who, pretending to help, will force upon him a "ticket" to terrible, cramped barracks where many others like him will suffer without food and documents, slaving away 12-14 hours a day. -We receive many complaints from our migrants. -"They are promised one thing at home, but when they arrive, they are lied to, their passports are taken, they are not paid what they were promised," confirms the Head of the Main Migrant Labour Administration of the Migration Service of Tajikistan Tolib Sharipov. -Not be angry, boss! -Nonetheless, many citizens of Central Asian countries, who plan to to work in Russia, admit that only their understanding of the language of the country where they are going is not good, but they can barely write in their own language. -Naturally, this is not so much their fault, but due to very few Turks, Uzbeks, and Tajiks can afford even a basic education. -Their families don't even have food to feed their children, not mention decent clothing, shoes, and supplies. -After reaching adolescence, these kids go to work at the first opportunity. -It is hard, if language knowledge is they admit. -"You feel humiliated and inferior." -But human rights activists note important point about the law on language. -Testing will be conducted only for migrants who have legal status. -If they have no status, will be no testing, nor any official work in the -In the meantime, most of the migrant workers continue to live in Russia illegally. -"Welcome, or No Unauthorized Entry" -Many of the foreigners assert that receiving official status in our country not that easy. -The reason lies in bureaucratic hurdles and the already mentioned language difficulties. -In addition, legalization costs money: from 12,000 to 16,000 rubles. -Whereas a fake registration is done quickly and costs only one and half -Officers of the Russian Police know that we mainly have fake papers, without registration, hence the extortion. -"They ask for a hundred or two for cigarettes, tea," Umed Khushkadamov, a citizen of Tajikistan, shared with journalists. -"Roll up, don't be cheap, get your artwork" -On the day of the law's entry into effect it turned out that not only migrant registration can be fake. -A few forged certificates about passing language tests have been seized by Federal Migration Services officers already. -Forged documents are printed on a standard printer. -Naturally, they were not free for their of the migrants, who had hoped to facilitate the task of passing tests in this way paid seven thousand rubles for them. -It is two and a times more than the process of official testing, which costs three thousand. -Government officials and human activists agree that the main goal the near future is to protect the system from corruption, so that the certificates could not just be -For moment, the authorities can promise migrant workers who could not pass the test the first time to give time to complete a basic language course. -In addition, those who come without Russian language will be offered work in areas that not require active communication with people. -The Ministry of the Interior does not put from the illegal market back into circulation -The share of crime involving legal weapons is low -Russian Ministry of the Interior is proposing to toughen up the for owners of civil weapons. -This is the reaction of authorities to recent incidents: CLICK shots at weddings, where there were no casualties, and the massacre staged by Moscow lawyer Vinogradov, in CLICK the death of seven people. -Policemen want to prohibit the carrying of weapons in public places and raise the legal age of weapons from 18 to 21. -The idea was supported by the head the Duma Committee on Safety and Anti-Corruption, Irina Yarovaya, who promised that the amendments to the law on weapons will be brought the State Duma in the near future. -Not everyone is happy that the Russian authorities are trying to the problem "tightening the screws." -open letter appeared online, whose authors - representatives of different social rifle organizations - demand to abandon the "senseless -The percentage of crime involving registered weapons minimal, said criminal Vasily Lesnikov to BBC Russia. -According to the Ministry of the Interior's statistics, 142 crimes using firearms registered with law enforcement agencies been committed in the six months of 2012, whereas 1,168,000 crimes have been recorded in total for this period. -of the open letter are that the of the law in the area of civil weapons will not prevent the criminal from to the "black" market. -According to them, one can find any weapon a low price right now. -Nonetheless, the Ministry of the asserts that the situation of the spread of arms is under control. -Suppliers: from plants to officers -The "black" market of weapons is replenished through several channels. -There are five channels, colonel Viktor Baranets, who has worked in the Ministry of and the Staff for 10 years. -Screenshot of the site that accepts orders -First: "army or military loot," weapons that were stolen during the fighting in the Caucasus. -"Weapons were by Russian officers and by the Caucasians," says Baranets. -Next are "black weapons," stolen criminals from representatives of defence agencies. -Baranets explains this covers weapons taken police warehouses and those stolen directly from law enforcement agencies' employees. -Illegal arms are taken to be from military warehouses. -Explosions have often been heard at military warehouses. -"There are proven theories that some the fires were intentional, in order to cover the shortage," says the former military man. -Manufacturers of weapons make their contribution, according to Baranets. -"There are so many private weapons factories now, which do not endure competition on the international market and throw weapons from under the counter to black market, including Moscow," says the expert. -Another source of the "black" market is trafficking. -An especially number of guns and machine guns from poor countries like Kyrgyzstan. -"There's production there, sometimes handmade; and a formed, which has organized a stream," explains the former military man. -Where do the weapons come from? -Experts counted the approximate share of each of the of supply of illegal weapons to "black" market. -A report about this was prepared by the Centre of Problems and Public Management Planning in 2011. -Experts analysed the reports of the Department of the Interior and Rosstat, criminology and open data from portals on weapons. -The overwhelming majority of illegal weapons, according to the researchers, comes the military and security forces. -Half of all arms on the black market are there of officials, whose work is connected with weapons," states the report. -According to researchers' data, 17% of the time the weapons are received from armed conflict areas, 14% is theft during production, 5% is "black archaeology." -A sales consultant of one of the weapons stores, who wished to remain anonymous, asserts that the weapons found by "black" diggers are not being bought any more, because they're too old. -According to him, dealers go to the military warehouse for a new batch of goods. -One piece, for example a TT gun can be bought a warrant officer. -It is issued to him, given through the fence. -"He takes it to the city and sells for 900 euros a piece with two magazines," he says. -"The truth is that police are aware of that is why the crime detection rate is low, it conducts purchases from illegal weapons merchants," consultant. -"Like in a luxury store" -buyer and seller often find each other through friends. -I looked at sites, blogs, till someone responded, offering me to to Begovaya station, where a man will be waiting for me to take me to the "corner" so we can -I found out the price of the weapon only there -military commentator Viktor Baranets -To get a weapon, I need someone with connections, says the sales consultant. - I have an acquaintance, but not it's reliable. -There are salesmen on labour markets, but one needs to "come" there conditionally "from John Doe, who asked to tell that his daughter lost a tooth." -now, even if I need a few knuckledusters, I get them through someone I -He also supplies them only to me, because he knows that won't give him away. -Beginners look for weapons in ways. -Former military man Viktor Baranets tried himself as a buyer of illegal weapons in the mid-1990's, when he was preparing to publish an article about this. -The formulas are still the same, according to him. -He was given an album of pictures with "anything and everything." -"I felt I was in a luxury store," he recalls. -According to Baranets, the buyer is not offered a pig in a poke - you try out everything. -I, the potential client, am not just buying; we go to the forest the seller and set a target there. -"I am given the opportunity to shoot, and when I am certain that the weapon is good, begin to negotiate," the expert. -Store on a sofa -Internet lead to sites and "Vkontakte" groups, where weapons "for different purposes" are on offer. -No or personal meetings are needed. -"It's enough to have a certain sum of money," says the advertisement heading on the website "Buy a pistol or rifle." -Users leave their requests and ask questions. -Can a buy? -"Without a license, of course," asks user "John" (name is changed). -"Want to buy a TT, Moscow," concisely requests "Fedorenkov." -Security Service now spread a big network of fake sites and there are tons of potential buyers of military -People come like hungry fish to bait, and then mine coal in Siberia. -military commentator and former military Viktor Baranets -I heard about this: normally the site is registered outside the area of applicability of laws of Russia. -People accept orders. -The buyer pays at an -"In response, is sent with instructions on where the weapon is hidden," says Press Secretary of the Rights to Weapons organization Dmitry Kislov. -Viktor Baranets confirms that after leaving a request on the site you can stay without a weapon and to jail. -The Federal Security Service now spreads a big network fake sites and there are tons of potential buyers of military weapons. -"People are like hungry fish after bait, and in Siberia mining coal," - he says. -Makarov for 100 -When buying illegal firearms, 100 to 900 dollars is enough according to experts. -According to Dmitry Kislov from the Rights to Weapons organization, a Makarov gun can be acquired for 100-300 dollars. -The wait time is a month to a month and a -It is shipped long-term storage warehouses by the mid-level management of these warehouses. -According to official statistics of the authorities, the number of such crimes in Russia on the whole 7% as compared January-October amounting to 22,900, while the number of cases of theft and extortion of weapons, ammunition, explosive substances and devices dropped by 7.8%. -Fast-food and supermarket workers are on strike in the U.S.A. -Up to a fourth of all American teenagers have worked the register at McDonald's at time or another -In the last few there is a wave of protest actions in the U.S.A. against low salaries in supermarkets of the Walmart chain and popular fast food chain restaurants like McDonald's, King, Taco Bell, Wendy's and Kentucky Fried Chicken. -Right now, nobody is able to predict whether this wave will turn into the ninth wave or it is destined to fizzle out early. -Actions are being supported by unions and a series of left-wing organizations. -In addition to increasing the wages by of Walmart and fast food chains, the goal of the protesters is to create unions within -This sector of the economy is not covered by any union movement yet. -cents a year? -Actions began last week after Thanksgiving, on Black Friday, massive sales drew millions of people in America, sometimes accompanied by clashes. -On this day, some employees of the Walmart corporation, which employs 2.2 people around the world, left their workplaces and picketed together with unions and left-wing activists from the that sell products to people on low-to-medium incomes. -Walmart sells everything imaginable, from hunting rifles and car batteries, to vacuum cleaners, eggs and milk. -Products in its stores are on average 8% to 27% cheaper than in major supermarkets. -So many low-paid Walmart employees shop only at their workplace. -Availability and assortment made Walmart one of the biggest American corporations. -According to critics, Walmart can afford to sell the products cheaply partly because it pays little to its employees. -These latter also complain about hard work conditions, for example lack of lift trucks and hand-held scanners. -Protesters on Black demanded a salary increase and that the cost of medical insurance provided the corporation went from 30 to 100 dollars a month. -A typical Walmart employee, receiving dollars/hour, cannot afford this. -Scientists from the Berkeley University in argue that if Walmart raises the average salary to 12 dollars/hour, it will cost the corporation 3.2 billion dollars. -is about 1.1% more than it spends on salaries right now. -If Walmart fully shifts the cost of increasing wages to the shoulders of each visit to store will cost only 46 cents -In one they only spend 12.39 more than now. -Walmart supporters happily that the protests took place in nine states and did not cause any at all to the corporation. -Black Friday continued in its stores from 8 in the Thursday till midnight the next day, and during the period Walmart sold 5000 products a second. -In total, its cash registers nearly 100 million transactions on Black Friday. -Representative of the corporation, Dan Fogelman, asserted in an interview with a left-wing site, the Huffington Post, that a of "less than five" Walmart employees left the workplace, and the protest act was just "another PR trick" of the that organized it. -"Free cash register!" -Protests continued this week in New York, where their object was not Walmart (they're not so welcome in the progressive city, that is why they don't exist here yet), but McDonald's other cheap restaurants. -says that it sells billions of portions, and despite this it doesn't even give you sick days or pay you for honest work! -Jumaane member of the City Council of New York -At the moment, the salary according to federal and NY law is 7.25 dollars an hour. -Fast food increase it with time, but very little. On average their ordinary employees in New York earn 8.90 dollars/hour. -Nobody earns less in this expensive city. -I cannot understand how one can survive in New York on this money. -Once upon a time, almost a fourth of American teenagers went through McDonald's, working part-time after living with parents. -Few saw this as a source of living or planned to stay there for long. -I continuously across interviews with McDonald's employees, who complain they have to survive this and sometimes even feed their children. -On the other hand, there is a comment the Wall Street Journal forum, whose author notes that it is irresponsible to have children if you do not know how you will feed them. -Participants of protest began at 6.30 a.m. on Thursday near the McDonald's on 40th street and Madison Avenue demanded that and cooks of the fast food chain be paid at least 15 dollars/hour, i.e. more than double their present wages. -They also demanded the creation of unions in the fast food industry. -American law the administration from preventing this or punishing activists of the union movement by nagging or firing. -On the other hand, the administration does not often ease their life. -But for objective reasons is hard to cover fast food with a union. -One of them is the unusual turnover of employees. -Disagreeing -Noisy protests began on this day in a number of other cheap restaurants in Manhattan. -The highlight of the action was the afternoon meeting near McDonald's by Times Square, where several local democratic politicians spoke out. One of them, Jumaane Williams, said: "McDonald's claims it sells billions of portions, and despite this it doesn't even give you sick days or pay you for honest work!" -Demonstrators were supported by prominent NY democrats, like Bill de Blasio, a candidate for NY city mayor, who said: "We need to voice our joint support for the fast food employees, so that they can achieve fair wages and economic wellbeing, which every New Yorker deserves!." -According to the New York Times, this was the biggest action of this in the history of the American fast food industry. -But only a few hundred people part in it, and many of them were not fast food employees, which comprise tens of thousands of people New -It is unclear right now whether this will spark a mass movement. -the moment, the mind cannot be deceived too well" -Among modern technology fans a popular topic is augmented lately seen primarily through the prism special glasses. -At first, a functional model was shown by Google in the summer, at its annual conference. Then, in November, it was announced that Microsoft filed an for patent too. -However, according to the conversation with the leader of group of interactive 3D technologies in the Cambridge laboratory of Microsoft, Shahram Izadi, glasses are a thing of the past for scientists in this company. -They are drawn by the prospect of manipulating virtual objects in air with bare hands, creating virtual open spaces. -- Please tell us, in simple terms, about the work your research group does. -- We work on the interaction of people with machines, at the same time trying to expand the boundaries of this interaction. -While people in general are stuck at working with pixels on a flat screen and sometimes pointing at them. -We want to look 5-10 years into the future and predict cardinal changes in this interaction. -For example, Xbox and Kinect sensors are step forward. Almost no Xbox is sold without Kinect today, because everyone likes control by gestures. -- What awaits us in the future? -- Despite the fact that Kinect the interaction to the physical level, much occurs on a flat screen, in 3D. -Information entry has improved (the system receives more data), but output still needs to get better. -We are trying to working on truly three-dimensional display systems based on various technologies, including projection technologies. -We to let the computer world into physical world, make it more tangible. -But for need to identify both the user and the space around him. -Then we will be able to supplement the real world with virtual objects in much more convenient form. -Above all, get rid of these stupid virtual reality helmets! -- What do you think about voice control? -a popular thing, but is it overestimated? -- It clearly cannot be called cure-for-all - there's a of privacy, because do not want to let the others know about our actions and intentions. -In reality, all types of interaction with computers are good, but each in their -For example, we had a project to control devices in public places, in which we thought about movements, not wide movements, but small, reserved ones. -were not recorded by a camera, but by hand bracelet that determined the movement of bones and muscles. -It's big right now, but in theory it can be reduced to the size a hand watch. -In general, the future lies in the mixed control, e.g. movement + voice. -What do mean? -- For example, how would you ask me to give you this bottle of water? -You will talk and show at the same time. -- Usually I just say. -- Oh, that will be very hard to detect. -- So you want to the users adapt to what the machine can or cannot do at that moment? -- Not necessarily, but it is mutual approximation. -I think in the near future, we will mainly work on developing new sensors that will enable precise determination of a person's reaction. -This could be, e.g. laser sensors. They have a decent depth resolution, which is very important. -- If we talk your work with Xbox Kinect sensors, what are your about modern cameras? -Not enough resolution, depth or something else? -- In the current generation what we can base ourselves on in working on recognition. -Of course, it would be good to have eight mega pixels with 1000 k/s speed. -It's not just the mega pixels, though, but the quality of the matrix and the depth. -From the latter point of view, all current technologies are not good enough for us - this adds work to the algorithm designers. -So it's important to remember about the resolution on the X, Y, also the Z axis. -Speed, the number of images per second, is also very important. -Human movements are relatively dynamic, and the current 30 k/s is really not enough, especially for gestures. -Steven Bathiche from our laboratory created a touch sensor with a regulated delay from to 100 ms, while modern serial sensors are closer to the latter indicator (60-100). -Not everyone understands how this affects the interaction between man and machine. -In my work, would be very useful to have a device that does not require touching and would have more images per second. -- the number of cameras need to be increased? -- In Kinect there are three cameras now, one of which is actually infrared and the second one, the recipient of the signal. -The third is a sensor of visible range. -It is not applied to determine the object's depth. -Potentially, a large number of cameras could solve the problem... -Or make it worse, by increasing the required volume of calculations. -It would be nice to create a flexible analogue Kinect, play with the flexion of camera disposition and see how this help in three-dimensional of the position. -- As far as remember, Microsoft did not present its glasses to the public, unlike Google. -Don't you think this is one of the most promising platforms from the point of view the everyday use of augmented technologies? -- Certainly it is not very convenient to walk around with a smart phone in your all the time, but I think that the coolest option would be augmented reality, where you could shift from glasses to smart phone, projection display, and everywhere else based on a cloud platform. -Glasses are a very personal device, that is their strength (private things are seen only you) and, at the time, their weakness - augmented reality based on glasses will not allow you to work on virtual objects together with other people. -- Let us imagine for a minute that manipulation of virtual holographic objects in the air is available not only to Stark from Ironman, but to a regular person. -There is one problem with this idea that the critics often point out: no tactile feedback! -Hands feel nothing! -What answers does your group prepare to this challenge? -- In my lectures I often say that augmented is the seventh consecutive attempt at the interaction between man and machine. -I think that the eighth will probably be addition of sensations. -For now, one of the interesting tricks is to use the second hand as a sort of matrix for the image. -It is great at registering pushes! -But there are technologies that are really aimed at giving these "images in the air" a sense of tangibility, for example, the interference of several targeted ultrasound rays in a specific point where the located gives a sensation, but weak right now, as if someone blew on your fingertip. -There are also wrist bracelets that affect the nerve endings in fingers, which also a promising area. -- Have you tried to deceive the mind? -To to think that it feels something that it should be feeling when it sees something? -- This is a good idea and we haven't tried this yet. -It conceals one challenge that will not be solved so quickly - how to a person, who is physically in a very limited space to believe that he walking along an open, almost limitless space; we are working on the concept of treadmills (not at all like in clubs), moving platforms, giant balloons. -So far deceiving the mind has limited success, there's work for many years to come. -That's what makes working on virtual reality so attractive to researchers - many things are in their very beginnings. -Judgement calls instead of culture - Rosbalt.ru -Rosbalt continues the project St. Petersburg Avant-garde, dedicated to residents who are ahead, in the avant-garde of culture and art. -This top list already includes outstanding figures of art scene of St. Petersburg, whose achievements reach beyond the scope of the city, often recognized in Europe, bypassing fame in Russia. -The new player in Rosbalt - the bold artist Miller. -The whole city Kirill Miller, a man dressed all in red, who can be seen by the Russian Museum, or the Summer Garden, or at fashionable and shows. -Kirill Miller's work always brings in crowds of people, no matter where they are exhibited. -Kirill Miller one of the purely St. Petersburg social and philosophical storytellers and creators of new mythology. -Kirill Miller is an outstanding man of the Petersburg avant-garde of the late 80's early 90's. -Moreover, he is a city man, who makes people smile on the street and lifts everyone's spirit. -Recently he took the street organ and became St. Petersburg's music man, because he was ready for this complex role with all his Bohemian existence, philosophy and image. -- Kirill, why do you walk around the city all in red, not yellow or turquoise, for example? -- chose the colour red as a fashion designer engaged in look and image. -In this world, red is a compromise between artist, image-maker and society. -Although in society, everything that is not grey causes aggression and agitation of bad kind. -But my provocations are aimed at starting conversation. -The whole history of my actions is an invitation to discussion. -- When did you realise that you must be an artist? -- At an exhibition in the Nevsky House of Culture, where my was displayed. -It became clear to me that this is my path. -Then, the wave of older free, unofficial artists was gone, while new, free artists like me were not understood. -I became friends with the artists of the new wave, with post-Gaza-Nevsky ("post-gazonevschina"), which led to Pushkinskaya-10, and the wave was no longer. -I'm drawn to theatre, clothing, music, all genres except literature. -- And all this been united in your Art-clinic... - It was important for me to find myself in the centre of the culture of St. Petersburg, where all the best creative forces should come together. -In 1995, I occupied the territory on Pushkinskaya-10, and while the renovation work had not started, there was a musical and creative club, Bohemian club, the house of the St. Petersburg Bohemia. -Many were born there: NOMy, Tequila Jazz, I remember when Shnur was brought there with the Van Gogh's Ear project. -Shnur and his friends lip sang songs, wearing tight leotards, and the now trendy composer Igor Vdovin was with them. -When the group to play live, it became Leningrad. -Trakhtenberg was the presenter of many programs before Hali-Gali times. -We gave them Trakhtenberg, and a great career was on its way, but the basic education and mentoring he us. -Gallery D 137, Griboyedov - all these echo the Art-clinic. -That is where our staff and regular customers left for. -I am hero of the last century, when culture meant -In 2000, there was poll in the press, for the People Our City prize. -I was nominated Artist of the Year, my climax to an end. -In the new times, it is uncomfortable to work by old rules. I'm a man of truth, honesty and culture of the last century. -In our time, it is easy to become popular, but culture and popularity are different. You can popular, but not very cultural. -- Your work is marked by a recognizable style. -- Many of my works are hits, with clearly reflected relevance and acuity. -I will have a programme "Russian museum in clowns." -Clowns are a timeless category. -I was social before, now it is painful and scary to be like that. -But everything is blurred in clowns, tragedy is removed. -I like grotesque, I have grotesque ideas. -For example, saving the world by totalitarian changing of clothes by order. -Nowadays, people are judged by appearance, not their inner qualities. -knows, maybe you cannot shake his hand, and need to spit in his face. -And the lie will go away with the help of changing clothes. -- Recently we saw you in the role of music man. - A cultural city should have such a character. -fits the role better than I? -- Maybe commercial art can also be beautiful? -- Nowadays, commercial art should be neat, considerate, sweet. -There is a disintegration of cultures. -People used to get together in flocks, Bohemians liked one thing, the simple people, something else. -Now, everybody is divided into micro societies, it's hard to be liked by everyone. -I am not a hundred dollar bill to please all. -Now you have to think who you will please. -Now, each cult hero has 100 fans. -- But several thousand come to Stas Mikhailov! -- The cast-outs to see him, the sexual-social sphere is at work there. -300 people will come for culture, not 10,000. In the end, there's less management, money, everything dies out. -I have fans; the main thing is not to betray them, not to spoil what I have earned. -In my youth, I painted such art that one collector had it hanging on the same wall with Falk and Larionov. -I started with paintings, people usually end with. -Concepts are often mixed up these days. -People say: culture, consumer culture. -There is no culture in consumerism, it's "from another opera." -I am a man of yesterday's culture. I grew up on of who lived poor and died in poverty, refused money for the sake of painting. -is the culture I'm for. -- Kirill, what is St. Petersburg missing? -Good cultural experts. -There is such a thing: an official for culture. -But not everyone can be in culture. -Under the right rulers everything was different. Kings may not understood culture very well, but understood that they needed to stick with the right experts. -There are good consultants in Moscow right now. -Here in Petersburg, there are people who could be experts, but they are pushed to the side, because more advanced experts needed, who will correctly evaluate these experts and give way to them. -Judgement calls are what thrive now. -Even Erart, but they're different because they say honestly that don't accept all modern art. There are artists, who need to find other museums for themselves. -- What does St. Petersburg mean to you? -- St. Petersburg is not a cultural capital, Moscow has much more culture, there is there. -It's hard for art to grow on our rocks. -We need cultural but we now have more writers readers. This is wrong. -In Europe, there are many people, who go art exhibits, concerts. -Here, this layer is thin. -We need to art as it was in the beginning of last century. -is supported by the St. Petersburg grant. -Give birth in space -The earth is in danger. -Global warming or encounter with a killer asteroid. -Caravans of cosmic ships with humans on board leave in search of replacement planet. -To save humanity, the question is how to propagate our race in conditions of weightlessness or on that replacement planet? -I the choice is small. -There are only two actual planets that can be explored even hypothetically. -"Venus and Mars," says Senior Researcher of the P.K. Shternberg State Astronomy Institute (GAISh) Vladimir Surdin. -But while conditions on Mars are more appropriate for life, Venus has temperatures. -Life is possible only at a high altitude or on the orbit of Venus... in space. -The question of reproduction in space began with flora. -Half a century ago, were run on plants. -Four generations of grown in orbit were no different from their earth counterparts. -Then, insects were bred in orbit, small flies. -In 1979, quail eggs were sent to space, to check how an embryo develops in weightlessness. -We get an absolutely chick. -But then the problem begins. -"The problem is related to the fact that this chick needs to find support, needs to get on its feet and start moving," explains head of the laboratory of the Institute of Medical and Biological Problems (IMBP) RAN Vladimir Sychev. -Having found no support, chicks were tumbling around in disorder. -After 10 hours, the newborns experienced complete atrophy of instincts. -Chicks did not react to light and sound. -And the problem was that they simply died after four days. -"We bred chicks twice there, and then stopped, because impossible to work with them there," says Vladimir Sychev, confirming the failure of the experiment with chicks space. -last biological "mini-ark" with animals flew into orbit 16 years ago. -In spring 2013, experiments will continue. -However, same-sex beings will be on the Bion bio-satellite. -There was an experiment with rats, who were to space with foetus. -In principle, there was nothing extraordinary there. -"This was bio-satellites, but again, it was a singular experiment and such research needs to be conducted," says Vladimir Sychev. -landing, the cosmic rats had babies. -But it's hard to solve the problem of reproduction directly in space. -It's not an easy task. -Animals simply cannot follow their sexual they're of their familiar environment. -In principle, people, unlike animals, can. -Homo sapiens have abstract thinking, and are able to create a fitting emotional background. -Such experiments are not conducted for ethical reasons. -But women have been flying to space for 50 years. -The biggest risk was for Tereshkova. -The most valuable thing for humanity is the female body. -Our "Seagull" left nobody on earth could tell whether she would be OK after flying to space. -Whether she will be able to give birth after this flight. -"Nobody answered this question," says rocket and space industry veteran, Vakhtang Vachnadze. -June 1964, only a year after flying to space, the first woman in space Valentina Tereshkova gave birth to a daughter. -The child's father, Nikolaev, was also a cosmonaut. -In 1988, the second woman cosmonaut, Svetlana Savitskaya, who went into twice and even worked in open space, gave birth to son. -However, the remains. -We have few, very few cosmonauts, who were OK and had healthy children after long flights. -"What's more, it is dangerous even for orbital flights," adds pilot and cosmonaut, Hero of the USSR, Hero of Valery Poliakov. -And yet, humanity needs to seek out some new avenues in biotechnologies, protection from radiation, creation of artificial gravity. -Hydro-laboratory of CPK - mandatory phase of training for a flight. -Here, cosmonauts practice skills of working in open space in conditions. -Water imitates weightlessness. -If for adults water is a foreign medium, although comfortable, for infants it is a native element. -Small amphibians seem to confirm that life came to land from the ocean. -There is a connection with the fact that an infant spends about 9 months in amniotic fluid in the womb; is easier to get used to after that. -In principle, it is logical, because only two weeks pass from birth until the first bathing. -"This is very little time to forget something," says infant swimming instructor Marina Aksenova. -In other words, if for a newborn weightlessness is more natural, a woman needs gravity, earth's pull. -Stomach and pelvic muscles usually quickly degenerate in the ability to push out the embryo is reduced. -Well, let's assume that childbirth stimulators will work out. -Maybe she will push out the baby in a special room. -"Then - asks Valery Poliakov about this non-trivial issue. -On other hand, a baby also needs artificial gravity. -When a body does not feel the earth's pull, it does not form the skeletal and muscular system. -is not to dress a newborn in orbit into a special loading suit for training, as they do with adults. -He will simply not have what he needs to survive. -"And this experiment, that we will go for by the birth of a child in a foreign environment, will lead to us bringing a handicapped, completely unadapted human to earth," predicts Chairman of the Committee on Bioethics IMBP RAN Igor Pestov. -For the moment, birth of children in space is just a theory. -However, with time, it will become reality, when earthlings will go to a faraway planet in their ships, and it will become the home for their offspring, who were born in space. -Head: Svarc System audit has failed because of politicians. -The Czech Republic has sound bodies and a good standard legislation when it comes to public contracts, but it lags behind in their application. -This was said by Miloslav Kala, vice-president of the Supreme Audit Office (NKU) in an interview for Aktualne.cz. -"The Law will never be perfect, but its application should be - this is we are missing, in my opinion," states Kala, commenting on the current situation. -Similar conclusions are also reached by the joint audit from the Czech and German auditors. -As an example of practice, they cite Petr Necas's approach to the so-called "Svarc System." -The Prime Minister recently claimed that the ODS will not be burdening business owners with its checks - so is it forbidden or allowed? -"The Law must out one way or the other and if it prohibits something, then even the Government's head cannot prevent the work of its department, which is duty-bound to monitor and enforce," asserts Kala. -At the audit committee's session in the House of Deputies, you about a joint project between the Czech Republic and Germany, within which legislation relating to public contracts in both countries was compared. -What exactly was this about? -This is parallel auditing, which we began around two years ago. -Simply put, this is about European legislation governs the handling of public contracts, followed by state legislations and then the actual practice itself. -We brought all this and although the audit is not yet complete, some very interesting differences have become apparent - in general terms, our legislation might be even "more concise and complete," however the actual practice is in certain aspects better in Germany. -This confirms that creating more and more concise rules is not enough, and that attention must be paid to the actual application of these laws. -What does this project actually help you with, and what do you think its outcome will bring? -This kind of joint audit could contribute to curtailing efforts to specify our law, to reduce and perfect boundaries, when it does not have such a positive impact. -Economy means acquiring the required thing at a reasonable (which does not always mean the lowest) price, so that profiteering and possible criminal proceedings may be avoided. -However, just because we have reduced the order limits, does not mean something will be procured. -The system might become overloaded with the amount of paperwork, and those, who wish to look for loopholes in it, will be able to take advantage far more easily than if the limits had higher. -These are domestic problems about the implementation of legislation relating to public contracts. -How does the audit system work in Germany? -there an office like the NKU, or is it organised differently? -As far as the office is concerned, the functions like our NKU, and it is organised like ours, it also has a committee although it is appointed slightly differently, but basically both offices operate similarly. -Powers are also similar to a degree, though of course Germany is organised federally, so these courts of auditors are also at the member state levels in this respect their system slightly differs from our own. -The BRH can only audit federal money, known to us as state funds. -Public funds, which, for us, are administered by regional and municipal authorities, are audited by the federal courts of auditors there. -When it comes to their legislation, is it more straightforward than ours? -Overall, I would not like to make a comparison without any specific data, nevertheless in certain respects Germany serves as an example, but it certainly cannot be said it is better in every aspect. -Is this perhaps, they have better enforcement? -That is certainly not true, but again, I prefer not to make such comparisons. -It should be said that even in a country we perceive as exemplary, they encounter a range of problems. -If that were not the case, they would gain nothing working with our office, would they? -Coming to domestic legislation, what did the amendment to public contracts legislation mean for your office, its impact being already? -The period the amendment came into force has quite short, so it has not manifested itself in our audit work yet. -Since we carry out audits ex-post, a certain delay has be taken into account. -As yet, we have only observed it within the process of preparing future audits - we have launched our new "fiscal failure risk detection" system, with which we have processed almost 14 thousand public contracts, and these have been analysed - that is where changes will clearly be seen, because of the changed limits, the adjusted conditions governing certain types of selection processes, and so on. -So do you see the adoption of a benefit, or rather as another burden on the bureaucratic system? -I this legislation is a step in the right direction, and I hope this will be confirmed. -A problem, which may arise here, is that the law becomes "too constrained" and will not be enforceable. -Under previous rules, parties being audited were already by their audit provider (for example, in the case of regional operational programmes, the regional office) to the fact that every infringement of public contracts law means a breach of budgetary discipline. -it worth constraining law in this in that case? -I do not think this the way. -The system those who want to attack and abuse it, but not penalise those, who make a mistake on a technicality, which does not affect the final decision. -This kind of system will only increase pressure on bureaucracy. -So how can we get of this? -Let's see where this takes us. -The Prime Minister recently said the ODS not be burdening businessmen with audits of the so-called "Svarc System" - what does this mean? -Is the Svarc System or allowed? -Law must be set out one way or the other, if it prohibits something, then even the Government's head cannot prevent the work of its department, which is duty-bound to monitor and enforce. -He may "Let us change this law and it," but he cannot say we should pretend it is not there. -The law on contracts has relatively strict rules about the formalities which must be adhered to - which is right way to ensure public tenders are protected. -On other hand, it a tragedy, when a bidder with the best offer is excluded on a technicality. -The Law will never be perfect, but its application should be just - this what we are missing, in my opinion. -Roads are icy in places, but mostly passable. -In several places in the Czech Republic, the main roads are icy and snowy. -However, the majority of roads are passable, extra care needed in places. -Carlsbad region -In the Carlsbad region, roads have been usable morning, though in some places they were icy and snowy. -The temperature has dropped to between five and ten zero, though it is expected to get warm slightly during the day. -Snowing in the region stopped, and a thin layer of snow remains in the lowlands. -However, the ridges of the Krusne Mountains have around 30 centimetres of snow. -In some locations there is limited visibility due to mist, according to the local highway service. -The R6 high-speed motorway and primary roads in the region are now usable without restriction. -Caution is, course, for example, on certain bridges, where the surface can be icy and slippery. -All secondary and tertiary roads are also passable, including mountain roads. -In certain stretches of these roads there might be remaining frozen and compacted snow patches. -all, at higher levels, extra care should taken while driving. -and Hradec Kralove region -On some roads in Eastern Bohemia, there might be a risk of black ice, at higher altitudes and in the there might be a layer of compacted snow, to the Road and Motorway Directorate. -The highway service is warning the drivers against black ice, which might occur at higher altitudes of the region in particular. -Black ice may occur around Lanskroun, Usti Orlici, Policky, Svitavy, Vysoke Myto, particularly secondary and tertiary roads. -The I/43 and I/34 roads have been chemically treated around Svitavy. -Snow is affecting the roads in Krkonose and Orlicke mountains. -At higher altitudes, a compacted snow layer on the roads around Rychnov nad Kneznou and Trutnov. -In Eastern Bohemia the day will be mostly clear partly cloudy, and dry. -Temperatures will be between minus three and plus one degree Celsius mostly, with a wind. -Pilsen region -The roads in the Pilsen region have been usable this morning, with extra care needed in some places. should take the weather conditions into account. -The morning will be frosty, with ranging between three and degrees below zero. -Due to the existing snow and subsequent drop in temperature, certain roads may be icy. -Drivers should expect mist in places, though visibility will gradually improve. -This information was reported by the highway service. -The is drivable almost without but the road services recommend caution between the 80th and 131st kilometre marks. -Most primary road surfaces dry and frost-free. -Southern areas the Pilsen and Tachov regions may have icy patches. -Secondary and tertiary roads are wet, and may therefore also have icy patches. -Drivers should be cautious especially on less frequented roads in the Bohemian Forest. -region -Drivers should expect snow slush on the roads if heading for the higher parts of the Olomouc region. -It is a result of the chemical treatment carried out at Cervenohorkse sedlo and on the way to Videlsky Kriz. -Snowploughs were brought out by falling overnight, the Sumperk region, to highway maintenance, got around three centimetres of snow. -other parts of the region, roads are mainly without restrictions. -"In the region, traces of snow have remained at highest altitudes. -Drivers should expect snow slush at Cervenohorske in the direction of Jesenik," the dispatch officer for the Sumperk highway service told CTK today. -Their Jesenik counterparts also made an outing overnight; the roads all the way to the highest altitudes are now and wet following the chemical treatment, according -The Olomouc region's roads are usable without restriction, while in the area of Sternberk drivers should in wooded areas, where roads have remained wet. -Usti nad Labem region, Liberec region -Since morning, the snowploughs reported several places, which are difficult to pass in northern Bohemia. -Besides certain snow-covered places, or some icy frost patches, the mountain road from Telnice to Kninice in the Usti nad Labem region is also closed, according the police -Temperatures remain below zero and roads are likely to remain snowy icy. In the lowlands, however, particularly southeast of the Bohemian Uplands, there are no problems and roads are mostly dry. -No traffic hold-ups have so far been reported. -Icy frost patches have been reported in particular by road maintenance around Steti. -According to meteorologists the conditions for this were perfect rain and melting snow during the day, with a clear night and freezing temperatures. -Adverse conditions are expected on the main sections of the I/13 road between the Usti nad Labem and Liberec regions. -The closure of the Telnice Kninice road was caused by bent tree branches, which were down to road level by snowfall. -Simon Ornest: At the concerts we want a fusion of positive energy -What is your opinion on the end of the that come in less than a month? -It is just another startler, which we like to latch on to. -Together with The Tap Tap band, we tend to joke about it, saying that we might be the only band on earth that could draw enough positive to hold or avert the end of the world completely. -In December you are even organising a unique series of three concerts against the end of the world. -Can you give our readers some details on this? -This is a nationwide fund-raising event, which we have been planning for the past two years. -We decided to make use of the marketing potential of the end of the Mayan calendar, due on the 21st of December 11:10 a.m. -On the eve, the 20th of December, at 9pm, 3 concerts will take place in parallel in Prague, Brno, and Ostrava. -They will end at around the time when Kiribati Island in the Pacific, which is 12 hours ahead of us, reaches the end of the Mayan calendar. -Who came up with this idea? -Initially it was probably my idea, later we worked all the details out with our designer, Honza Augusta. -from the fact that we to collect enough positive energy stop the end of the world, we also want to allow ourselves and the public to spare some thoughts for the state of our planet, we, day, hand it over to our children. -On the occasion of the end of the Mayan calendar, we have also prepared a range of unique items, shoes, t-shirts, bags, and original keys against the end of world, which can be purchased at www.e-tap.cz to support our cause. -The Tap Tap band, together with other artists, also recorded the so-called anthem against the end of the world, called "The End of the World is cancelled." -It is already well received on YouTube, will it figure at the fund-raising concerts? -Of course, for the grand finale, as long as the world does not end beforehand. -It will be sung by all the artists at all the three concerts at the same time. -The anthem will also be featured in a unique live broadcast on Czech Television. -words were written and the role of Jesus in the video was played by Hanak, Xindl X also sings in -How did you end up working with them? -We collaborate also with other personalities of the Czech cultural scene, due to organising a lot of fund-raising events and concerts... -We try really get them involved in these projects. -turns that most of them are interested and enjoy working with us. -What will the proceeds from the concert against the end of the world go to? -Equipping the wheelchair-accessible educational Studeo centre, which is already in its sixth year, in collaboration with the citizens association Tap the Jedlicka Institute for the disabled. -Tutors come in regularly to spend with the Jedlicka Institute's students and run activities, which they enjoy and interest them. -The students themselves do not have the funds to afford tutors, so try provide this for them in this way. -Within the construction project at the Jedlicka Institute, a separate building is planned, which we can move into this project. -Every sees the appearance of several bands and artists. -How do you select them? -We have tried to compile a programme, which speaks for all ages, including children. -For example, in Prague, Chinaski, Support Lesbiens, Illustratosphere with Dan Barta, The Tap Tap, Marian Bango and Jiri Suchy will -Further details can be found at www.kpks.cz. -Are you planning any "bombastic events" in the future? -In May, we will be making our first appearance in the Prague Spring, so we will definitely be preparing a good line-up with some interesting guests. -Next year, we would like to play at the Czech National House in New York, and I we will be in the USA would like to build in appearances in Washington and Chicago. -Your international plans are not modest; you have already performed, for instance, in Madrid, Brussels, London, and Moscow. -The Tap is nonetheless a band composed of handicapped people. -How do you cope with these journeys in terms of logistics and organisation? -It is not as scary as seem at first. -We have five members in electric wheelchairs, which must be transported in the luggage area; we must also, of course, carry around with us a lot of luggage and instrument cases... -Nevertheless, we have so far managed it without any problems, CSA and British Airways were well prepared for us, so much so that, on occasion, I was quite surprised. -Even in which we have just returned from, it all went smoothly. -Thanks to these international trips, you will have had a chance to specific accessibility issues, public attitudes to disability and so on. -What have been your experiences so far? -After Madrid, Luxembourg, London and other places, where everything functions better than here, we have witnessed that in the East everything is still in beginnings. -Compared to Prague, Moscow is rather inaccessible; it still remains unusual there for a person in an electric wheelchair to be travelling around the city centre his or her own. -Obvious things, such as wheelchairs priority in are not commonplace there. -Fortunately, citizens associations are emerging there too that are trying draw attention to the problems faced by people with disabilities. -And on the other hand, where do we still lag behind more advanced countries? -are a lot of things, which still behind on... -It is important to mention that improvements to the current situation always depend on the efforts of the people who affected. -In London and Madrid it is completely natural for people with serious handicaps to be independently out in public, and they can use the toilets, go to the museum, or wherever... -It less common there for large groups of people with disabilities to actively part in social life, in this respect with The Tap Tap we are a ahead! -Public respect or accessibility is one thing, but it only when we can become famous athletes, artists, actors, politicians, or lawyers that things will begin to change. -So far there are exceptional cases, people who are strong-willed. -The Tap Tap band is currently very popular, but let us look back a few years, what prompted you in 1998 to form it? -I began my job as a tutor at Jedlicka Institute, where I was surrounded by a lot of young people, who were interested in doing something. -Since I am a musician myself - among others I play the saxophone - I started a music club with a colleague. -With time, as our moderator Ladya Angelovic says, it grown a little out of our control (laugh). -Your popularity has only come about in the last years, or am I mistaken? -It is true that we have been helped by creating ties to famous singers and also by our proactive work on promoting the band. -We realised that work, which goes on unseen can be like it never existed. -Thanks to funds from the European Union we can even afford top quality tutors, equipment and so on. -Was it your goal to take The Tap Tap to such heights? -From the outset, I felt there was potential to do things a little differently. -Show business is filled with where one the other. -It is logical in its own new things are in hesitantly and take a long time. -Things, which are unique, are few and far between, but I would dare to claim that Tap Tap is one of those things. -A person's first impression on seeing you is, of course, pity - it is a natural reaction... -But that pity is simply wasted, because handicapped people are not abandoned and suffering beings, need to be pitied. -They are people, who can fully live life and blossom, assuming, of course, that they have the right environment for it. -I say that a person with a succeeds in it is not just for them but for society as a whole. -Has your success also been helped by your firm hand as leader, as many people are suggesting? -If we want to achieve top class work, we must be uncompromising in many things and require a certain level of discipline. -I think this is to be expected. -Some people come to us with a romantic idea and their head clouds, and when they find out they have to go to twice a week, attend practice sessions and put up with a lot of time travelling to concerts, their enthusiasm quickly disappears. -That is how works everywhere, with every group that wants to work and wants to achieve something. -The Tap Tap band currently has twenty members. -How many of those were present at the beginning in 1998? -Only one, Ladya Angelovic. -We are an open people come and people go, this is unavoidable. -Those who have the the drive will always find our door open. -The event takes place the day before the end of the world is on Thursday 20.12.2012 from 9pm. -The venues will be Praha Incheba, Brno Fleda, and Ostrava Plynojem with performances from 12 bands and other musicians from the Czech Republic. -All three cities will joined by a televised link-up at the close for a united rendition of The Tap Tap's anthem "The End of the World is cancelled" -The concert's goal is to raise funds to equip the STUDEO multi-functional wheel-chair accessible centre at the Jedlicka Institute in Prague in the sum of 25 million Czech crowns. -Admission fee to the concert is CZK, children under 12 years of age go free, tickets on sale from Bohemiaticket. -Poland and the Cosmos. -Last week the council of ministers of the European Agency admitted Poland as the twentieth member of the agency, being the second nation from the former Eastern Block (after the Czech Republic, which became a fully fledged member of the ESA on the 12th of November 2008). -Poland began close cooperation with the ESA in 1994, and in the following years it has participated in a series of agency projects. -course, Poland's path to the space had begun much earlier. -Polish boffins devoted their time space flight even the Second World War, but were not always met with understanding. -I look back, for instance, to the lecture of A Sternfeld in Warsaw's astronomy observatory, who, on the 6th of December 1933, presented ideas on his pioneering work Entry into -The thoughts of the young engineer (born 1905) his audience cold, and years later Sternfeld remembered that Dr. Jan Gadomski had shown an interest in his work. -In 1934, his work Entry into space, Sternfeld received the Robert Esnault-Pelterie and Andre Louis Hirsch prize in France. -The above mentioned Jan Gadomski (1899 - 1966) later became a strong promoter of astronomy and astronautics. -He published hundreds of articles in Polish journals, and wrote a series of books on these scientific subjects. -Gadomski became a world-known promoter of astronautics his was, notably, recognised when a on the far side of the Moon was named after him. -In 1925, Poland had already built a handcar which was supposed to be fitted with a rocket engine. -Unfortunately, both the project's designer, and the project's details, are unknown. -It not even clear, whether the rocket was intended to start the handcar or to slow it down. -Information about this rail track is only known from press articles of the time. -In 1933 the Polish artillery started their engagement in flying bombs. -The research was undertaken by the Weapons Technology Division in collaboration with Prof. Mieczyslaw Wolfke and Prof. Gustaw Mokrzycki. -From the documents, it is clear that the research reached the stage of practical tests. -Of course, the advance of the German army interrupted the research. -In 1937, the concept of a photoelectric homing rocket designed by engineer Rohozinski appeared in the trade press, and in the following year The - air torpedo and flying rocket-bomb appeared, authored by Leliwy-Krywoblocki. -Both projects destined for military use of rocket engines. -Immediately prior to the War, all projects for military use of rocket technologies were overseen by Provisional Scientific Board (Tymczasowy Doradczo-Naukowy) that coordinated all the work. -The Board was appointed in 1937, but after two years of activity operations were ended the start of the War. -Further work devoted to astronautics appeared in the Polish Press after the War thanks to the Polish Astronautics Company (Polskie Towarzystwo Astronautyczne). -The first reference to the company figures in the November issue of the magazine Problems in 1954, in which four in-depth articles are on the subject of astronautics. -In one of these, by Prof. Subotowicz, the establishment of a company is proposed, which would dedicate itself to -At the time, there were already projects underway for artificial satellites and it was clear that cosmic research was an emerging sector. -From the beginning of 1956, the Polish Astronautics Company (PTA) sought entry to the International Astronautics Federation (est. 1951) by autumn the PTA was already full member. -In the following year, the PTA's first Kazimierz Zarankiewicz (1902 - 1959) was appointed Deputy Chairman for the International Astronautics -He served in this capacity until his death in 1959. -From 1956, the PTA played a significant role in successful development of meteorological rockets RM (Rakieta which became the first Polish rocket to enable scientific research. -The first RM-1 model was completed in 1957 and the first launch took on the 10th of October 1958. -The rocket, a ceiling of 1800 metres, measured around 80 cm in length and weighed a little under 5 kg. -Later, the improved RM-1A version was constructed and in the summer of 1959 launch tests were initiated for the two-stage RM-2 rocket in the Bledowsky Desert. -The rocket was 1.4 metres in length and weighed approximately 11.5 kg. -A further development model was designed for real scientific work - the RM-34 rocket was to reach 14.5 km and be tasked with monitoring high altitude winds. -Of course, in 1962 further research was stopped. -The successor to the RM rocket the Meteor-1 rocket, developed from 1962 to 1965. -The rocket was designed as a two-stage with a total length of 510 cm and a launch weight of 32.5 kg. -Three models were developed (designated Meteor-1A, -1B, and -1C), which differed in the room available for scientific apparatus. -In the Meteor-1A rocket, a space of 0.4 litres was available, Meteor-1B had 0.34 litres, and Meteor-1C had 0.62 litres. -The maximum altitude for all three models was 37km. -Between 1965 and 1968, the development of Meteor-2 was underway in the Aeronautics Institute, with its first launch tests in October 1970. -The Meteor-2 rocket had a launch weight of 380 kg, and was capable of lifting a useful of 10 kg a height of around -Subsequently built models were the Meteor-2H and Meteor-3. -Poland's admission to COSPAR (Committee for Space Research) in 1960 should be mentioned, as well as the appointment of a national COSPAR board two years later. -Poland also participated in the Interkosmos space for space research on artificial satellites, and in 1978, the Polish pilot Miroslaw Hermaszewski became the second intercosmonaut after Vladimir Remkov. -Abolishing the legislation on public works is not the solution. -Last week the Constitutional Court abolished the law public works. -The resolution caused public -It will certainly be interesting to look at this issue from a broader perspective. -Liberally financial systems in the EU, just as those in globalised world, are based on the principle of an unregulated economic competition. -Its effect means that individual financial entities and national economic systems are in a state of permanent conflict among themselves. -The is the principle of free trade and free, completely unregulated movement of private capital together with uncontrolled financial speculation. -Due to significant labour cost differences (salaries) there pressure on prices. -On this basis, it should be understood that when a supplier tries to compete in a commercial tender by importing cheap goods, "the rug is pulled" from under the competition's prices to capture a greater market share and, in this way, increase its own profits. -On a wider scale, this means most businesses must move production abroad, import cheaply from abroad, or close down. The result is high unemployment in countries where labour costs are high to other economies. -Since private capital is not bound by social responsibility, and therefore also not by the unemployment it causes, the social costs born by state must increase. -The whole situation is bolstered by the businessman's complete unwillingness to pay taxes, which would alleviate the economical and social harm caused the pursuit of profit. -The situation is so well known that there is no need for actual statistical data. -The ruthless private capital practices create particular economic situations, where the State these countries is forced to enter in mutual competition, aiming to artificially lower the social standard of its own citizens in order to attract foreign investment. -In other words, governments stake own because of private capital while disregarding the drop in social -This occurs chiefly in amendments to existing law. -The aim is to economically force the domestic population to prices dictated by private capital, especially in terms of salaries. -On one hand, this economic system of force, in case of long-term unemployment, on the other, restricted employee rights in the workplace. -This yields growing poverty and an increasing void between the poor and the rich. -Germany there are already a host of food hand-out centres for the poor, who are not able to feed themselves on their own wages. -The number of these people is already in the millions. -In name of improving the competitiveness of the German economy, it commonly occurs that properly employed people receive such a salary the State needs to top it up to the minimum wage. -Just such a scandal was revealed in the case of auxiliary staff in the Bundestag. -The measures for all the southern EU states will undoubtedly lead to the situation, where people are pressured by a catastrophic in living standards to emigrate as it was in the 19th century, or to eke out an existence on starvation wages on the edge society, in the hope that the country will eventually see some foreign investment. -At this point we have to ask where this may come from? -If it is to come from other EU states, then poverty is being shifted from one country another, or it will not come at all, because Chinese, Indian, Brazilian, Turkish, Moroccan, Egyptian, and African labour is still at a fraction of European wages. -This applies to all Latin America. -Liberal theory and the Media claim that the State may not participate with capital in its own economy, and that a controlled economy to economic ruin. -Private capital cruelly insists on the viewpoint that the State must not intervene in the economy. -Thereupon, we should ask ourselves whether private capital has no influence, whether it actually leads politics and thereby the country, for its own selfish ends. -Here, the answer must be yes. -The proof is the existence of the almost omnipotent, and in all states, omnipresent lobby. -The result is a desperate situation manifesting itself through corruption, through mutual benefits and legislation, where almost everything criminal, but nothing is punishable. -In Germany the situation is such that state ministries, through lack of financial resources, out the drafting of to private law firms, who are basically connected with industry. -These laws are then approved in the Bundestag. -Real power does not come from the people as the Western-style constitutions claim, but from strong financial organisations that look their own interests. -It is clear that liberally-orientated democracies will now quickly a situation, as described by Appian in his work on the Roman Republic Crisis in the time of Cesar and Pompei: "The State was already long in degeneration its offices taken by force. -With bribery, illegal acquisition of benefits, and with stones or swords. -Bribery and corruption were rife and unhindered, and the people would vote for a result which had been bought" ..."people with principles did not run for office, so on one occasion the whole debacle meant the state went eight months without consuls.." .."There was actually talk about the only answer to this situation being autocracy, and an energetic be elected." Appian had Pompei in mind, but it Cesar who changed democracy for autocracy permanently. -The conclusion, just in the current society is built on unscrupulous tendencies for personal gain without to the interests of society as a whole. -Private capital in its present state is not able to understand interests of society as a whole. -The outcome is now, as it was an unprecedented decadence of elite with no attempts whatsoever on deeper reaching reforms. -The causality of the rise of the fascist and communist regimes should therefore be sought in the misguided liberalisation of the economic in the 19th and 20th -The current state of affairs, when we consider the demise of those systems in favour of liberalised democracy as an interlude, can expect its next cycle. -The particularly reality is that the current elite is completely ignoring the potential lost of hundreds of thousands lives, humanitarian and social disasters, which we are already witnessing, as well as crimes against humanity, as we are familiar with from ancient and modern history. -abolition of the on public works is not the answer, at least not in the long term. -Under the pressure of economic competition, internationally as well as within Europe, the Government of the Czech Republic will be forced to pursue ways of lowering the population's living standards. -This pattern is thus systemic. -To address this, there are targeted political and social reforms, which strengthen the state's capital participation in the economy, increase the people's influence the state and weaken the monopoly held by private capital over society in favour of the state. -Chaos Lab. -"Nothing comes from and nothing ever could," from Sting's Fragile, where one of the main verses from the refrain is "Lest we forget how fragile we are." -"If sons did not want war, there would be none," said the dying Gutle Schnapper, wife of Mayer Amschel Rothschild in 1849. -The latest wave of violence between Israel and the Gaza as always, has sparked a lot of reaction. -Some stand by arguing it has the right to self-defence, and Palestinians portrayed as terrorists, others support the claiming racism by the state, claiming that genocide being committed against Palestinian Arabs, and that Israel is a terrorist state. -I do not want to dwell, in these repeated periodic waves of killing, on is the transgressor and who is the after all, today's inhabitants of Israel, including the self-governing territories, were born into the current political situation, and not live through the start the violence. -I would like to offer the readers a peek behind the scenes, a look at whom, of all, this 95-year long tension is serving (starting from Balfour's declaration in November 1917) on this small piece land in the Middle East. -Some my thoughts are supported by available historical facts, while others are derived from my understanding of who, that is, which group of people is the main source of events in modern history. -Human history is in the first instance about the struggle for power. -In every era we can find an Alexander the Great or a Napoleon. -What is not quite so apparent is whether these were the who had chosen path independently, or whether behind throne stood someone who directed their actions towards a pre-calculated goal. -We must accept that we live in a time when the world's wealth is concentrated into the hands of a few individuals, and that this concentration of wealth and the power it exudes could not in one generation's -Among these astronomically rich families, one stands out, which be considered the puppet master (whether someone else stands above them, I am unsure, but I would not rule it out) - the Rothschilds. -Not much about them. -Understandably. -The first news agency (Reuters) they bought in 90's of the 19th century, in order prevent their name being connected with acts of high criminality, which appeared in their background and which always securing power, increasing wealth, or both. -They hold majority stakes in almost every central bank in the and against countries, where they do not hold a stake, they are either waging or preparing for war (before the assault on Afghanistan it was 7 countries, after Iraq it was 5, after the overthrow of Kaddafi 4 remained, but in meantime Russia submitted its central bank to the Russian Government). -Whoever attempted to defy this family died. -Abraham Lincoln refused to renew the status of the central bank to the Rothschild Bank of America, and during the Civil War he began to issue his own (that is state-issued) money and was assassinated in 1865 at the theatre. -JFK his own money and wanted to close the Fed (Federal Reserve), and was killed in 1963, Congressman Louis McFadden was poisoned in 1936, after he had intended to the Fed causing the Great Depression 1929. -Their thirst for global power led in the years of 1859 - 1871 to the formulation of a three-world-war plan by the freemason leader of the 33rd degree, Pike. -The first war was to remove the large monarchic state bodies in Europe, the second was to remove colonial rule, especially from Great Britain, and the third will reduce the world's population to - 1 people (this number of slaves will suffice for comfort and luxury, and will not use up so many resources), the creation of one universal faith (ecumenism is just an appetiser for this solution), and finally the seizing of absolute power. -The method, which the group of wealthy families with the Rothschilds leading the way, is the instigation of followed by the offering of a solution (order ab chao - order from chaos). -These solutions are false, and always lead to a worse situation (vide establishment of so that the crisis of 1907 would not be repeated). -Thus, having succeeded in assassinating Ferdinand, the Habsburg heir to the Austro-Hungarian throne, in Sarajevo thereby unleashing World War they destroyed tsarist with the Bolshevik revolution. -The First World War ended abruptly, militarily and with capitulation (the was no longer needed to destroy tsarist Russia) and the central European powers of Austria-Hungary were subsequently dismantled. -To facilitate the inception of the Second World War, they allowed bankers and politicians to create a latent conflict situation by saddling Germany with huge war reparations, thereby making a radicalist example of the impoverished masses, it remained only introduce a sufficiently convincing culprit and a leader with a simple solution, while also creating a Czechoslovakia with a strong German minority to play, and indeed did, the role of a fifth colony, once the war had been ignited. -At the end of the 19th Century, the Rothschilds instigated the establishment of the Zionist movement, one branch of strove to form the Jewish State, seeking out an area of historic Jerusalem, to make its capital (the Return to Zion). -The aforementioned Balfour Declaration formed the basis for the mass immigration of Jews to Palestine, where the first conflicts began with the local Arab population. -Terrorist attacks occurred on both -World War II broke out, and whether Hitler broke free from the leash, which international bankers were holding him on, or whether his actions were all part of the plan, is difficult to determine, nevertheless the suffering of European Jews in the concentration camps created the foundation to the world's acceptance of the Jewish State. -Israel was officially in 1948, and just as war reparations for World II were layed on Germany, the announcement of the State of Israel the third war's hotbed. -Provided the international bankers succeed, the Jewish Nation, as with second, will be victims on the front line, now together with the Arabic - or more Muslim - population of the Middle East. -Israel is like a huge laboratory, a of discord and chaos not only within the country, but on an international level (just look at how strongly people are split into supporters and opponents of Israel). -is the wrong-doer and who is the victim in the Palestine-Israel conflict, where injustice breeds injustice in an endless cycle of violence, while began from the greed of a few and their lust for global power? -Here, we must differentiate between Israel's general population and their leaders, just as it happens here, the international introduce their own selection of candidates for people to vote for. -Israel's current prime minister, Netanyahu 'the hawk', is a typical example of a fascist politician, loyal to the international bankers, who does everything to instigate war with Iran, which due to its membership in Shanghai Cooperation Organisation (China, India, Russia, Pakistan, ...) lead to a greater threat of global conflict, and through its control of the Hormuz Strait, where 20% of the world's oil must sail (the channel is only 2 miles to the destruction of world's economy. -In what light stand the words, spoken by David Rockefeller in 1994: "All we need is a crisis and the nations accept the New World -The New World Order in their eyes is one of master slave. -A world where the of human population serve the luxury of a handful of financial aristocrats. -A world, where each new-born is implanted with a chip, which makes their completely subjugated. -"He forced everyone, and great, rich and poor, free and slave, to receive a mark on his right hand or on his forehead, so that no one could buy or sell unless he had the mark, which is the name of the beast or the number of his name. -If anyone insight, let him calculate the number of beast, -for it is man's number. His number is six hundred and sixty six." -Argo: When things are at their worst - call Hollywood. -November 1979, a mob of Islamic student demonstrators took over the American embassy in Tehran and held 52 diplomats hostage. -They were to be released in exchange for the overthrown Shah Mohammad Reza Pahlavi, who after the revolution to the USA, which had supported his regime for several decades. -For the American administration the situation did not offer a positive solution - it could not throw the Shah overboard, because this would seriously jeopardise the trust of allied countries. -The release of the hostages in Iran, where the revolution resulted in the establishment of the theocratic regime, could not be achieved. -This was a blow to the of the United which was later compounded by the fiasco attempting to the hostages by force. -The incarcerated diplomats were finally released after days, negotiations mediated by the Algerian government. -Their ordeal provoked a wave of solidarity and anti-Iranian feelings at home. -The debacle in Iran significantly influenced Jimmy Carter's loss with Ronald Reagan in the 1980 presidential elections. -The film Argo, directed by the actor Ben Affleck, recounts one episode in this story, which brought America small victory. -Just before the embassy was seized, six employees escaped. -After some peripeteia, they ended up Canadian ambassador's residence. -The collaboration with the Canadian authorities, succeeded in getting them out of Iran, helped by an cover story - they left Canadian passports as members of a film crew, who were surveying locations for a sci-fi blockbuster. -A of genres -The plan, conceived by "exfiltration" expert, Tony Mendez, required the assistance of Hollywood. -For the story to be believed, the film project was reported on in specialist magazines, press conferences were organised, and the fictitious production company had a real office. -The details of the operation were, for a long time, kept secret; the film draws on the memories of Tony Mendez. -Affleck's film is a peculiar mix of genres. -On hand, there is a realistic incisive political thriller, and at the same a "caper movie," with small victories and double-crossing - another example would be Ocean's -The mood alternates in the film - on one side, sharp documentary-style sequences in Tehran (the title sequence shows iconic photos from news the time, relating to the same events portrayed in the film - there are no big differences). -On the other hand, lighter sections from Hollywood, laced with irony and a little -Then there are scenes from the headquarters and other agencies - men in suits debating the situation around meeting in office corridors, over the phone... -Ben Affleck has managed to restart his career in extraordinary -The derided actor has become a respected director, and his acting is no longer the target of ironic comments. -Argo is his third big-screen movie, his dark crime movie Gone Baby Gone (2007) and the thriller The (2010). -It is also Affleck's first picture, which does not take place in the director's hometown Boston. -The atmospheric feel in different locations is one of the characteristics, which took his earlier films above Hollywood standards. -Affleck shows it in Argo, where Tehran is "featured" by Canada. -The best scenes of the film take place in the streets, in the reconstruction of real events - the opening sequence of the siege on the embassy is impressively lucid, at once feelings of confusion and surprise, which come flooding in, as history suddenly takes a turn. -A similar effect is achieved by Affleck and his team in the fictitious scenes (the fake staff at the Tehran bazaar). -Too much action in too many places -The director had the issue that the story being told does not offer many nail-biting scenes for the film. -What little there is, worked well, with some occasional embellishments to reality - do not all come off so elegantly (the scene, where a looming crisis is averted at Tehran airport by a phone call in America, followed by a chase on the runway seems quite far-fetched). -Argo's weakness is its divergence, which comes from the need to show too many events in too many places. -Alan Arkin and John Goodman play their roles as the Hollywood assistants with great charm; their characters deserve more and are not by far the only ones in this film. -Affleck's loses the dramatic pull a little, it is a film, which can be watched with reasonable interest, its production and retro-style are evocative of thrillers from the 70's. -It does not really captivate. -As a reminder of history's particular ways and testimony to how exaggerated the views are on the all-powerful all-controlling secret services, this will do. -Rules for blowing up balloons, for bananas and circus -The www.bankovnipoplatky.com server, which issues a poll every year on the most absurd bank charge, has now decided to announce a competition for "the most absurd regulation or proposal from the EU." -"We were prompted by the latest where the EU plans to take on a 40 percent quota of women at management level of Europe's largest companies," Patrik Nacher, the poll's organiser, told Pravo. -Among the latest nominated absurdities, for instance, is the recent decision by the European Court to unify insurance premiums for men and women. -Until now, women were favoured in life insurance because they constitute a lower risk for insurers. -unbelievable ideas from the EU be nominated by anyone until the end of the year. -The actual voting will then take place until the end February 2013," informed Nacher. -Among the controversial we might include the mandatory addition bio-ingredients to fuel, which consequently harms the environment, the ban on reliable mercury just because they contain a relatively small quantity of toxic substance, or the rules on the size of chicken cages, which significantly raised egg prices this year. -The ban on the use of the term "spreadable butter" and the withdrawal of classic light bulbs from sale previously come under criticism. -First rate bananas are to 14 centimetres -The Union's machine often makes decisions under pressure from this or that commercial or lobbying group, whose demands in Brussels are usually defended by state or of states' interests (just the Czech Republic is promoting the demands of its banks under threat of being vetoed). -The lobby's interests were, for example, that bananas of the highest quality should measure at least 14 cm in the EU, and were to display and "anomalous curvature." -The European Commission defended itself, saying that it was only harmonising existing disjointed national standards, which complicated trading. -Norms relating to fruit and vegetables have already been softened by the EU despite opposition from certain states, referring to the food waste caused by the existing directives. -One possible prize-winner in the poll may be the year's EU regulation according to which inflatable balloons must be sold a warning that children under 8 years of age may not inflate them without parental supervision. -Here, the EU pointed to an American research, which indicated that, among other toys, balloons are one of main causes of child suffocation. -A similar restriction applies to children under 14 years of age using party blowers. -Strange ideas are at home too -Fairly absurd is the rule relating to individual European officials - everyone in the EU, who holds an official post, may not use the term Macedonia due to it being a sensitive for Greece, and instead the acronym FYROM (Former Yugoslav Republic of Macedonia) should be used. -The Bankovnipoplatky.com server in collaboration with the Liberal Economist Association, Laissez Faire, also nominated, aside from the aforementioned absurdities, for example the Union's regulation on the volume of food provision stocks held in an EU member state. -The EU stipulated the maximum volumes of food provisions, which may be present within the CR on the day of our entry to the Union. -The Czech Republic thereafter exceeded, for the permitted volume of mushroom preserves, which incurred a high penalty. -The poll's organisers were also impressed by the idea of paying certain countries they do not have a coastline, or the of allocating funding for a request for funding. -These did not come from Brussels, however, but from Prague. -"We are handicapped because we do not have the sea. -We are asking the European Union a refund," the minister for agriculture, back in 2004, Jaroslav Palas (CSSD). -His argument was that there had been a good harvest of cereals, due to the so-called buy-out interventions, the state's warehouses were full and were forced to export. -The Czech Republic is further away from a port, so according Palas the EU should be paying us hundreds of millions of Euros. -The European Commission finally met the CR halfway by organising a tender for the purchase of cereals countries that do not have access to the sea. -Funding to subsidise funding requests was offered to foreigners by the Ministry for Regional Development's minister, Pavel Nemec (US-DEU), specifically this was meant for making requests for funding from Brussels. -EU: Bizarre legislation is the exception -Regulations may well become the target of criticism among member states, but the EU's efforts at regulation, more effective operation, and development of the entire Union deserve recognition, according to a number of experts. -A important issue, according to experts, is the drawing of EU funds on projects, which have hardly in common with strengthening the European integration, but which was pushed through by member states during a budget -Emotions flare among Czechs when, just as other countries in the the CR must fight in Brussels for the right to particular labelling on its traditional products, in which it does not always succeed. -The Czechs fought for six years with the Germans and Austrians to protect the labelling of their Olomoucke tvaruzky, however the tuzemsky rum, whose tradition reaches back to the 19th century here, had to be renamed tuzemak by the manufacturers. -The appellation of rum can only be given to products cane sugar, and not sugar beet. -Carlsbad wafers, Pohorelicky and Trebonsky carp, and Zatec hops have been added to the official list of registered products of the alongside the world-renowned feta cheese and gorgonzola, German marzipan from Lubeck, and Parma ham. -The EU's stamp of protection can also be proudly shown on Pardubice gingerbread and Horicky tubes. -People me to save the republic, I am an amateur, says Okamura -Senator, how does a person decide they want to run for President? -This is not me being a senator or president. -If everything in our worked without problems, then I would not be running for any post. -I cannot watch any longer the country having been robbed over the past twenty years, thieves roaming about there and people's taxes and retirement age increasing. -I had no ambition to be a politician. -When I see something I do not like, though, I try to find a solution to change things. -Since I already turned forty, and I independent non-party man, I have no other to influence things but to stand senator or president. -You have already reached the Senate, but shortly after that you taking off for the Castle. -Are you not turning your back on those who voted for you in doing this? -have been saying the entire time I would for the Castle based on the results in the Senate's elections. -Later, I added that if I were elected as senator, I would standing for president. -My goal, though, is not the post, the post is a tool to allow my vision to be -I need the greatest influence, and the strongest mandate -The trouble is not just that as a nation we swear in the pub or at the television, but that we trample anyone, who wants to try to change things. -The Media add to this, misleading the public, and mistaking freedom of speech freedom to lie. -I was allegedly bribing reporters, or I allegedly an advisor of Jiri Paroubek. -Let's talk about your vision. -You set out on your castle siege with a thesis on the material and criminal responsibilities of politics, and a retroactive financial disclosure of assets over twenty million. -need to change the law for this. -As president, though, you do not have this power, and only the Senate a whole may propose laws. -How are you going to solve this? -When I lobbied, as a citizen, for tour guide work to be a free trade, it was successfully carried through. -The problem is political squabbling when someone comes with a good idea from the left or the right, it will be deliberately rejected, causing delays for the public. -an independent non-party man, I stand far better chance of gaining support from all parliamentary sides. -The advantage I hold is that without the political pigeonholing dogmas I can take what is best for our country from any side, and apply it. -Do you see yourself as person from right, or the left? -From the Czech viewpoint, it seems they tend to put to the left. -For me, it just does not matter if it is a to the left or right. -The important part for me is moving forward. -It is not about whether someone is from the left or right, I just want to bring people together. -I always support any good public solutions, even if they are put forward by the KSCM or the ODS, and, in the same way, I will oppose bad ideas. -get angry when someone calls you a populist. -Are you not confirming this with what you have stated? -When you make a company business plan, you also have some ideal and vision. -You try to come close to it. -Some may call it populism, but all the proposals I speak are already working elsewhere, or they have been put forward by experts. -But without the support of the Parliament you will be left with just slogans. -You will not last long in politics with that. -Or do you believe that if you walk among the public and them, that you will succeed, say, in passing criminal and material responsibility? -I have no alternative. -I need to convince politicians, reporters, and the public, and try to get them on my side, so we can put this through. -If I were elected president, it would not be a problem to arrange a live television broadcast, where I ask the leaders of the parliamentary parties to pass law on material and criminal responsibility for politicians, civil servants, judges, and the General. -And, as the case may be, they need to explain they did want this. -When there is a strong figure to point out the issues, it just needs some pressure on the political scene. -Take for instance the direct election of the it was achieved thanks to public pressure. -I will say frankly that am an amateur, I am not a genius or an intellectual. -I am looking for allies to share my opinions and vision. -I have started out in and I am looking for a majority for my agenda. -I will try to make things progress, but it does not work out, in six years will finish and return the private sector. -It sounds a little like Okamura is trying to save the Czech Republic. -I am no saviour. -I know that I will not achieve anything, so I have asked acquaintances, whether they would run for the senate. -I went to Radim Jancura, who declined due to his workload. -So I, at least, support investigative journalist, Jana Lorencova, who uncovered fraudulent activity with light heating oil. -I put myself forward, because people are really discontented, but now I have my doubts. -Sixty percent of people did not go to vote, and those who did mostly voted for leaders of the establishment. -In the senate, there are only two independents, including me. -People have voted for a senate that will make it difficult to enforce changes. -Nonetheless, I will fight for my vision, for example, for election of mayors or regional council presidents. -Are you considering having your own party? -I have not considered it yet, because I have neither the time to verify every party member has a clean background, nor the to do it. -I have no money even for a presidential campaign, my transparent account holds just 20 thousand. -You have no money? -You are talking about financial disclosures, but what is yours like? -estimate my private assets to be around 60 million. -In Prague, I have land worth around 25 million, an apartment worth ten million, another apartment worth eight million, an artwork collection worth around ten million, an Aston Martin worth 3.5 million, a Skoda Superb worth a million, and I have a few million in my account. -I have the Aston Martin, by the way, because my dream as a boy - I liked James Bond, who drove the car, gallant women and also fought against evil and villainy. -You an Aston have assets worth million, but you have no money for campaign? -You say you want to change the Republic, you are not keen on putting your own money into it. -This does not inspire much confidence. -I do not have 15 million for a campaign. -Should I take out a loan? -I have already put 2.5 million into the campaign. -The fact that I do not have any sponsors is evidence that there is no real interest in my programme. -I have no obligation to pay for my own campaign. -The expenditure on my campaign is basically covered by the pay I will be receiving as a senator. -However, I would not be able to live it, for instance, I not pay for my son's English school, which costs 30 thousand a month. -If I were only interested in making money, I would not be standing for election. -So you will still be in business so that you can a living? -Did you not say you would be putting this on hold? -This depends on the rate of pay. -As I promised, my activities have been partially reduced. -For example, my deputy is taking over as the CEO of the travel agency in spring. -People would like me to be a Samaritan, who the Republic. -But I must also live off something. -As a businessman, what would you usually make monthly? -Two hundred to 400 thousand, which I still do. -And if I became then I would end my business activity. -The full interview can be read in Saturday's issue of Pravo. -The MVRDV architects prove that true adventures are not just in the head - drawing on the example of Spijkenisse and the recently Bücherberg (literally "book mountain") - 2 photos -"I think building is fun, looks futuristic and provides something interesting to look at," said Lisette Verhaig, a passer-by at the road-side. -And Spermon, IT technician in a major firm based commented: "It's definitely a thing of beauty, the building." -However, I do wonder why people would need another library in this day and age. -Everyone the Internet, an iPad and eBooks. -No-one goes into one of these old-style libraries voluntarily nowadays, or am I wrong? -Spijkenisse, a sleepy town outside the gates of Rotterdam, which merits a visit, is a special record-holder. -The municipality has the lowest literacy rate in the whole of the Netherlands. -In order to counteract this asinine situation, the decision was made a number of years ago to make a contribution towards general education and to recreate the seven fictitious bridges that feature on the Euro notes as pretty, reinforced concrete miniatures. -The success of the education offensive was limited. -And so the city fathers acknowledged that there was only one way to become master over the statistics: a library had to be built! -Winy Maas of the Rotterdam-based architectural firm MVRDV, of audacious bar charts and producer of humorous and often cynical buildings, took the project on with his customary composure, and turned up at the competitive hearing in 2003 with books under his arm and a on his face. -And with the judging panel still looking at him with bewilderment, shrugging shoulders, the impertinent Maas stacked his chosen props by order of size to form pyramid and rounded off his presentation - now suitably backed up with action - with the words: "Dear Municipality!" -So this is my suggestion for the Spijkenisse Mountain - for the so-called Boekenberg! -Nine years later, the 30-million-euro mountain has been lifted up. -It is part of a revitalisation project, which also includes an underground car park, a supermarket, a post office and small number of adjacent apartment buildings and terraced houses, a total of 50 dwellings. -At the beginning of November, the Bücherberg was awarded second place in "Best Library of NL 2012" competition. -In addition, the project is also nominated for the Dutch National Wood Award 2012. -Thus, the faceless small-town retort, that until now had nothing more to offer than a post-modern pedestrian area and a stunningly ugly town hall, behind whose white facades one would expect to find a dairy plant, been bolstered by a piece of contemporary architecture. -First and foremost, however, Spijkenisse now has its first public cultural building in the history of its existence. -The long journey to the book -The first impression: the Eldorado of books beneath a cheese dome. -There is in fact a lift that climbs through the centre of the mountain massif, however, the true joys of space literature are when scaling the topography on foot. -The interior space, glazed throughout, is bright and the fired clinker floors and the elegant street lamps speak the unmistakable language of a public town square. -The urban ambiance is perfect. -You already on the lookout for a park bench, a dog, and boys and girls playing -And everywhere there are books, books, books. -"Normally book shelves run along the facade, and in the centre there is a large, dark space, which is usually unpleasant and impersonal," says Winy Maas. -We turned the classical spatial configuration on its head and turned the reading area inside out. -The interior of the Bücherberg is cleverly used: in the centre there are offices, an Internet library, a chess club, an environmental centre and the technical support room. -One particularly special feature are the black book shelves, which simultaneously act as cladding, parapets and railings for the stairway. -The appearance, feel and scent are foreign. -Even die-hard architects and construction engineers shake their heads at the unknown construction materials. -"Here we wanted to with recyclable materials," Joop Trouborst, Project Manager for Municipality of Spijkenisse, on request of -And thus one day we stumbled across a suitable waste product in agriculture, on a Frisian -many years, millimetre-thick artificial fabric has used in greenhouses and in the Netherlands as a base layer. -It is inexpensive saves time. -The thin textile lasts for two seasons and then disposed of as bulk waste. -For the library, the fabric was - for the first time in these quantities - pressed four-centimetre-thick boards. -Under heat and pressure, the Landbouw plastic (KLP) changes colour to a dark, homogeneous and material, that smells like mixture of new car smell and the smell of trainers. -105 steps you have reached the summit. -At the end of the 500-meter-long journey, you are rewarded in the Literature Café, not only with a fantastic view of the city, but also with Dutch croquettes and potted trees. -These provide atmosphere, but most regulate the air humidity in the literary mountain range. -Donations for the new soul -"You would hardly believe it, but this building, in spite of the many glass panels, is a showcase project in the area of ecology," said Trouborst. -It is heated and cooled using geothermal heat. -Although Bücherberg has a glass cover, the sun only only briefly into the interior, even on sunny days. -The broad, laminated wood glue beams positioned at right-angles to the glass facade, provide and absorb the majority of the sunlight. -The indoor temperature is pleasant. -The rest is taken care by fully automatic blinds. -Stefan Spermon, initially a sceptic of the IT sector, has already ventured into the new library. -Lisette Verhaig has also visited already. -So too has TCM-teacher, Cynthia Bogarde, even refers to the as Spijkenisse's "long overdue -The reason: At the inauguration just a few weeks ago, every citizen was invited to a book his/her personal collection. -This was, for the time being, to fill the optical gaps in the not yet fully stocked library - currently there are 70,000 items. -The concept has been a success. -The shelves are to capacity. -"Nothing is worse than a half-empty library," said architect Winy Maas. -"I think that, thanks to our invitation, every resident now has a certain bond with this new building. -Everyone knows that their book is part of the building. -Even if it's just for decoration. -As such, MVRDV have in mastering the master discipline that specialist jargon refers to as the formation of identity. -Spijkenisse has written literary history. -However young uneducated it may be. -This is ultimately a starting point for identity. -Szabo: "Germans play a role" -In the vote on the incorporation of Palestine, abstained voting. -According to Stephen Szabo, in US-European relations, in so doing Berlin is walking a thin diplomatic line. -Deutsche Welle: At the beginning of the week, Germany had initially signalled that it would vote against the Palestinians' application observer status within the United Nations. -However, Berlin subsequently abstained from voting. -Why? -Stephen Szabo: Germany does not support what the Israelis have done Gaza. -Now, however, due to their special relationship with Israel, Germany must be cautious. -At the same time, however, I do not believe that it supports the American position either. -Germany wanted to demonstrate its independence - albeit without being too critical of Israel. -During the uprising in Libya in March 2011, Germany likewise abstained from voting, when it came to establishing a no-fly zone. -This was ultimately implemented by NATO. -Does Germany find it difficult to adopt a clear position when it comes to international affairs? -Yes, it does. -That is because it has just reorganised its foreign indeed moving from a policy that was, so to speak, managed by the USA, in favour of a German policy. -This situation is aggravated by the fact that the Europeans do not have a coherent and standardised policy. -The Germans thus find themselves caught between two fronts. -It is expected of them that they play a more independent role, yet this is something they are not accustomed to. -I believe that they still finding their way in this role, but they are en to a "more normal" foreign policy. -A foreign policy similar to that of France, or Great Britain. -So what does a foreign policy entail, from a German perspective? -It shows a willingness to adopt positions on international matters, which are independent of those of the USA or European partners. -I believe German foreign policy is by the economic policy, that is, by export and relations with certain regions such as Russia, China or the Near East. -Germany's economic interests are a certain extent different from those of the other major powers and therefore Germany must protect its interests. -Have these economic interests had an influence on their attitude towards the Near East conflict and their voting in the UN? -the one hand, Germany has major revenue markets in the Near East, and particularly in the Gulf States. -Therefore it must be careful not to affront the public, but the elite in the Arabic countries. -In any case, this plays a role. -However, I wouldn't want to ascribe too much weight to this. This is not an entirely one-sided relationship. -Nonetheless, it does play an important role in Germany's considerations. -Has Germany damaged its relations with the USA, by abstaining to vote on important decisions, such as vote on Palestine? -I think that in Europe, and even in the USA, a great understanding for the German position prevails. -Therefore not think that this was as dramatic a fracture as was the case in the matters Libya. -Perhaps it will even earn Germany a certain degree of respect. -After all, it signals that the country must be taken seriously as an international player and that interests must be considered. -In Europe there are diverse opinions regarding Palestinian -The USA, on the other hand, have spoken out in favour of a veto. -Are there differences of opinion between the USA and the many European nations? -Due to the American domestic policy, these differences have always existed. -I think that secretly, the government under Obama actually has a great deal of understanding for the European situation. -However, due to the political situation here, the government is naturally unable to voice position publicly. -It is my belief that the actual differences in opinion are not so vast as they always appear. -If you look at the relations between Obama and Prime Minister Netanjahu, Obama is really not quite so enthused by Netanjahu's policies. -Does Germany find it difficult to reconcile its close with Israel and the the one hand, and the position of its most important partners in the EU on the -I think that this is precisely what makes things so for the Germans. -It of course be a simpler for the Germans there were coherent and standardised European policy, which is currently not the case. -Thus they are unable to be part of a wider and must instead drive matters from their own position. -This precisely what they are doing with the Euro. -I believe that in the future will take on a leading role in urging Europe towards a standardised European position. -is, of course, no simple task for Germany, on account of its relations with Israel. -This has always been a sensitive subject. -Yet I do think that Germans are clear that they must play a more independent role. -Does Germany view itself as the role of an important player - does Germany actually want to assume a leading role? -Or does Germany still find leadership difficult? -Germany is still not used to it, the continues to be uncomfortable and, for obvious reasons, still finds it difficult to play a more prominent role. -we look at Euro crisis for example, every time that Germany assumes a more prominent role, various anti-German feelings become apparent. -This does make matters simple for Germans. -This is actually the same old problem: one does not want to be surrounded by hostile countries. -From this stance, Germany is in a much more difficult the USA. -It must be receptive to the most diverse of neighbours and opinions, and this is not easy. -The influence of the USA over European politics is continually diminishing, yet the EU is currently not feeling this vacuum, so who is filling the gap? -The Germans will simply have to play a greater role. -Even if they do not like it, even if is uncomfortable and makes them even unpopular - c'est la vie! -Stephen Szabo is associate director of the Transatlantic in Washington, an institute in which academics and political experts from Europe and North America come together to research the challenges of the transatlantic community. -Szabo is also a member of the German Marshall Fund, in which he has specialised in policy, US foreign policy and transatlantic relations. -"Brand protection" in China: When Puma and Armani suddenly become Chinese -Armani is a world-famous brand, Polo Ralph Lauren likewise. -However, what is Armani Polo? -Behind this name hides a fully officially registered brand in China, however, one that has nothing whatsoever to do with the original companies. -Nonetheless, it is enjoying protection, provided the actual creators of the names do not sue. -And even then it is not whether they will have any rights. -"It becoming increasingly more difficult for foreigners to protect their brands in China," said Thomas Pattloch, lawyer within the Taylor Wessing firm, who specialises in copyright infringement in the Far East. -Every week a new case lands on my desk. -All the copycats require are a few additional letters in order that they can register their brands. -Thus Gucci simply becomes Lu-Gucci, Prada-Kny is registered in of Prada. -German companies are also 'legally' copied this manner, such as manufacturer of sporting apparel, Puma. -Pattloch opens a file containing registrations with the trademark office in Peking. -On 14 September 2010 a Chinese company copyrighted the brand name Zegna Puma there, an alias that also helps itself to the name of fashion retailer Ermenegildo Zegna. -The fact that the Chinese are world champions in copying and infringing on intellectual property is well-known. -In the major cities there are multi-level department stores that sell counterfeit goods almost exclusively. -Pattloch's however, are slightly different: on behalf of his clients he takes action against the fact that companies can be granted the right to use a name by the trademark office, officially, is already protected -The Chinese call this Mingpai," a passenger brand. -The word is based on "Bang Dakuan." -This refers to women who latch onto rich men. -The Chinese authorities are unaware of any wrongdoing. -"This harms business and we must fight against it," challenges Pattloch. -"The is watered down, its uniqueness disappears - the image damage is enormous." -The financial losses and costs of the affected branches amount into the millions, in the case of expensive flagship products. -According to information from market research company CLSA, with a volume of 15 billion euros annually, China is the third largest market for luxury items, and the fastest growing. -However, the deletion of dubious entries in the trademark registry are difficult to achieve, and cost a pretty penny. -The process can last for up to nine years, with an uncertain outcome. -Pattloch reports of instances whereby court dismisses cases, because after a long period of time, the to objection is being raised has become a "market reality." -If the complainant unlucky, he may even have to pay the plagiarist money for having infringed on his trademark in China, said Pattloch. -Sometimes the law of the jungle prevails here. -Famous cases also relate to graphic elements. -In 2009, Daimler lost a legal battle with the construction machinery manufacturer Sany, the company that recently acquired German concrete pump manufacturer Putzmeister. -Even today, Chinese company is therefore permitted use an emblem that resembles the Mercedes star. -Volvo-purchaser originally used a blue and white logo that resembled the BMW logo; the dispute was arbitrated and Geely was forced to change it. -Fashion house Lacoste lost a suit in China against copycats from Hong Kong and Singapore, who were using the famous crocodile looking in other direction. -The Chinese authorities are unaware of any wrongdoing. -The CTMO trademark office in does acknowledge that there were bottlenecks in 2010 due to limited staffing and equipment. -In the past year, however, things reportedly "returned to normal following this emergency situation regarding the work flow." -Thus the stock of appeal proceedings was reduced by 22 percent. -Almost 57,000 such cased were closed, 75 percent more than in the previous year. -Nonetheless, there are still 81,500 appeals waiting to be resolved in the office. -To remedy this is expensive -As is often the case in China, the figures are imposing. -In the past year, more than 1.4 million applications for protection were submitted to the CTMO, almost one third more than in 2010. -This is a record means that China, for the tenth time in succession, is the global leader when it comes to new trademark applications, informed the authority. -The same applies for the inventory of valid trademarks, totalling 5.5 million in number. -In 2011, 1.8 billion yuan in fees were received. -Put simply, this means that each application costs on average 1,280 yuan, or 160 euros. -To appeal against an application costs many times this amount, as can seen in the case of the German family business, Freudenberg. -For more than seven years, the group has been contesting against a Chinese plagiarist. -The Germans did in fact manage to expose the company's illegal manufacturing copied motor vehicle parts. -the copycat still secured the Chinese rights to the Freudenberg brand. -This is something we missed ourselves, as family names cannot be protected in Germany, said Hanno Wentzler, Chairman of the Board of Management at Freudenberg Chemical Specialities in Munich. -The CTMO trademark office then also dismissed the Munich-based company's appeal. -In the next two instances, Freudenberg was proven right, however the opposing party continues to contest the matter to this day. -You have to pay extremely careful attention. -The matter is now pending before the Supreme Court. -Wentzler is confident that the matter will be brought to a positive conclusion and praises professionalism of the courts. -However, he also says: "The process is extremely expensive and takes a lot of time, money and nerves." -The internal costs can barely be calculated, the company archive even had to look through century-old records order to provide proof. -Five years ago Freudenberg unsuccessfully offered the opposing party a "high six-figure sum in euros" as settlement. -"This shows how much this is worth to us," says Wentzler. -The dangers the Far East even threaten to spilling over, back into Europe. -Particularly if imitators secure unprotected brand names there. -For example, Chinese manufacturer wanted to register the Freudenberg label for shoes and leather in Germany. -This is a business sector that the group had long vacated, yet nonetheless managed to prevent the registration. -"You have pay extremely careful attention," says Wentzler. -Both he and Pattloch advise companies to be very careful when conducting business with China. -It is not sufficient to rely on trademark rights, rather foreigners should also register "everything" that is in any way worthy protection in China as well," said Wentzler. -Otherwise costs can be much more expensive than the registration fee. -In actual fact: if Freudenberg were to loose at the final hurdle of its trademark drama, they would probably have to pay the opposing party license fees for the use of own name, explained Wentzler. -Or alternatively we would be forced out the market in the sector. -World AIDS day: Stomp, sing, help -In Heidelberg, the Imbongi choir is rehearsing - and in Swaziland, AIDS orphans are delighted. -The history of a link that overcomes far more than a distance of 8,733 kilometres. -First all, the stamping: cowboy boots, basketball shoes, ladies' pumps and men's attempt to find the beat on the parquet floor, and quickly do just that. -One-two-three-four. -Only then the voices of the singers slowly swell - alto, bass, tenor and soprano surge, beguile and haunt. -And Fiete Hopf, the 29-year-old conductor, almost rises up out of his shoes as he brings the ensemble together with his smooth, yet wild gestures. -It is evening and in the music room of the Institute for Medical Psychology in Heidelberg the Choir are practising a new song. -The fifteen singers, aging from 23 to 69 years old, range human geneticists to the maintenance man. -"Om'Obani" is by no means a simple piece, with each voice having a different text, and in an extremely foreign language at that: Zulu, which is spoken by eleven million people in South Africa, Botswana, Malawi, Mozambique and in parts of Swaziland. -Helping others help themselves -There are around 34 million infected with HIV around the world, as according the estimations of Unaids, the United Nations' programme to battle AIDS. -Of these, 23.5 million live in South -In Swaziland, there are 245,000 AIDS -Meanwhile, more 40 percent of the population are HIV positive. -The Voices for Africa Association has found sponsors in Germany for 180 AIDS orphans in the village Esitjeni. -70 of these attend a secondary school. -For 15 or 20 euros per month, you can become a sponsor. -This guarantees the child money for school, a school uniform and warm meal each day in the Gogo Centre. -In Zulu, Imbongi means storyteller or worshipper. -In this region, no-one can speak the Bantu language fluently, but they can sing it. -For almost ten years the choir has practising in this foreign, 'soft' language, and now and then they bring back to where they originally came the South of Africa. -For an 8,733-kilometre flight away from Heidelberg, in the north west of the Swaziland Kingdom, lies the village of Esitjeni, which relies on the vocal power of the German -Forty percent are infected. -Around 2,000 people live there, still in simple mud and straw huts, and the majority of them are -More than 300 of them no longer have parents, as they succumbed to the HIV virus. -In Esitjeni you get a small foreshadow the illness from which all of Swaziland is suffering: according to Unicef, the region the highest HIV infection rates and the lowest life expectancy in the world. -Circumcision, which has been proven reduce the risk of contracting the by half, is barely practised by the population. -More than forty percent of people in the Swaziland carry the immunodeficiency virus, and dying in you mid-thirties is by means rare. -On a group trip to Africa in early 2005, the Choir visited the village, but first and foremost, the many children on the streets, lacking not only in parental care but in practically everything else as well: food, clothing, education. -a school leaving there barely any opportunities, particularly in a poor country. -Initially it was the private commitment of to send a child to school and enable him/her to have one warm meal a day for a few euros per year. -However, just one year later, the choir established the "Voices for Africa" Association, which since then has been looking after the AIDS orphans in Esitjeni at an almost professional -Facts on sexually transmitted infections. -What are the most important transmitted diseases? -Bacterial include syphilis, chlamydia and gonorrhoea. -Common viral are HIV, human papilloma viruses, herpes genitalis and hepatitis. -Crabs scabies belong among the parasitic STIs. -Who the main affected groups? -Syphilis and gonorrhoea occur primarily in men that have intercourse with other men. -The Robert Koch Institute understands that at least four in five of all syphilis cases reported in Germany are transmitted by means of sexual contact between men. -Among heterosexual adults, chlamydia infections, trichomoniasis, candidiasis (fungal), gonorrhoea and human viruses are frequently sexually transmitted diseases. -The spread of HIV among heterosexual adults in this country is relatively low; however, 20 percent of newly contracted cases of HIV are found in this group. -Among young people, chlamydia infections are much more than in other population groups. -According to European surveys, three quarters of all infections affect young people between the ages of 15 and 25. -In this country, human papilloma viruses are also frequently found young people. -How has the of infections developed? -Not all sexually transmitted diseases are notifiable. -According to the Robert Koch Institute, the number of has more than doubled from 1,697 cases in 2001, to 3,698 cases in 2011. -The number of newly contracted cases of HIV has been on the decline since 2007. -In 2011 there around 2,700 cases. -This is around one tenth fewer than the previous year. -Which symptoms indicate a sexually transmitted -The infectious diseases can cause ulcers in the genital area, discomfort when urinating, discharge, lower abdominal and blisters or warts. -However, often they cause no pain or any other symptoms, thus remaining undetected. -How can you protect yourself? -Condoms can reduce the risk of contraction, however, they do not offer 100% protection. -This is because occasionally, the pathogens of sexually transmitted diseases can also be passed on via smear infections and close bodily contact. -Therefore, first and foremost experts that people with frequently changing sexual partners undergo regular -If diagnosed early, the majority of STIs can be and long-term consequences avoided. -Through sponsorships donations and by no means the funds that the choir raises across the whole of Germany, the money all adds up. -"In total, we have already sent around 200,000 euros to Esitjeni," said Annette Lennartz, Chairperson of the association. -In the village itself, Zodwa Dlamini, a self-assured and assertive woman, manages the money from Germany. -She makes sure that the orphans have good accommodation, for example with one of their grandmothers. -The Gogos, as the old ladies are called Zulu, are the pillars of the village. -Some of them have up to 14 orphans living with them, providing them with a roof over their heads and making sure that the children get to their school classes punctually every day, in their school uniforms. -Anyone who doesn't have anyone left, arrives at the shelter with Khanyisile, a single woman who earns the same salary from association as the two cooks who cook for more than 200 hungry children every day. -In addition, "Voices for Africa" has established a sewing school,built two chicken coops and, together with the American health organisation, PSI, organised for in the village to be tested for HIV. -This is to be taken for granted, as is clearly attitude towards illness throughout the entire country, the best way of keeping things under wraps is if people are dead. -A king with 14 wives -"AIDS is an absolute taboo subject," said Annette Lennartz, it is associated with sexuality." -This is actually strange for a country in which the king has 14 wives. -The last absolute monarch of sub-Saharan Africa, King Mswati III., is known for his excessive lifestyle. -Polygamy in place of democracy. -Among other factors, the fact that the HIV virus has spread quickly over the past number of decades can also be attributed to this officially sanctioned lifestyle. -Another factor is the large number of workers who carry the virus the country. -are free on every corner, Lennartz, "but they are hardly used. -The culture prescribes otherwise - flesh to flesh." -In order to promote the cultural exchange, the Imbongi choir travels through Southern Africa every two or three and sings of fighting spirit, confidence and black self-esteem, which many from the southern tip of the black continent still know from the times of apartheid. -A bus full of white people, who sing songs in a black language - this degree of recognition brings not only morale and joy, but some grim-faced border soldiers even shed a few tears. -The journey always leads to Esitjeni, where the singers visit their sponsor children. -Even though you can barely find the small village on a map, it is more than well-known in the valley of the Ezulweni River. -"Go to Esitjeni, that's where the light is," say the people there. -And if you make the 8,733-kilometre flight back to Heidelberg, visit the stomping singers in their rehearsal room, you'll see the light is there too. -Messenger: discovers on Mercury -Messenger probe has found evidence of ice on planet Mercury. -It is thought that the ice cover may be 20 metres thick. -The US space agency, NASA, has proven the existence of ice on the planet Mercury. -Although the planet lies closest to the sun, it does have frozen water - as shown in three studies published Thursday in specialist magazine "Science." -The Messenger probe has found evidence that there is an ice cover in the region of planet that lies permanently in shadow. -This is thought to be at east 30 centimetres and perhaps up to 20 metres thick. -The water presumably came from comets perhaps also asteroids that impacted with Mercury. -However, no-one is linking the discovery of ice with the of life on the planet, said Scientist for the Messenger probe, Sean -The temperature on Mercury can reach up to 426 degrees Celsius. -said, the findings could help explain how water and other building blocks of life reached other regions of the solar system. -Unknown to the majority of the Earth's inhabitants, there are probes, telescopes and small robots such as the Phoenix, deployed to research the depths of the universe. -From time to time, they transmit images to Earth: small peepholes into the infinite expanse. -This image comes from a camera developed by German researchers at the Planck Institute. -The eight of our solar system, plus the dwarf planet Ceres. -Like Pluto, which orbits around the sun behind Neptune, is not planet according to the new definition of the term issued by the International Astronomical Union in 2006. -This image section from infrared recording by the Spitzer telescope shows a "family portrait" of countless generations of stars: the oldest stars are seen as blue dots, while more difficult to identify are the pink-coloured "new-borns" in the star delivery room. -This region rather unromantically named W5 by scientists - was discovered by the Spitzer telescope in the Cassiopeia constellation, at a distance of 6,500 light years away. -This shimmering glow of a dying was captured by NASA's Spitzer telescope. -The donut-shaped ring consists of material, ejected by the star in the process of dying. -In the huge Trifid Nebula, 5,400 light years away from the Earth, new stars are created from gas and dust. -NASA's Spitzer telescope shot this photo of the galactic delivery room. -The Pleiades star cluster, also referred to as "The Seven Sisters," be seen with the bare eye at night. -With the telescope, the colours really come into their own. -In this infrared photo, the Helix Nebula looks back at the observer like red -It is located light years away in the constellation. -Its similarity with the continent resulted in Nebula acquiring the title 'North America'. -A combination normal and photography produced the spectacular colouring. -baby star could only be captured in its full beauty using the Spitzer telescope's infrared detectors. -Saturn and its rings: How these occurred is the puzzle the field of -Perhaps they are the remnants of a moon Saturn, which disappeared without a trace 4.5 billion years ago. -One the largest and sharpest pictures the Hubble telescope: the Whirlpool Galaxy -Depending on the colouring, photographs of spiral galaxies can become genuine works of art. -The photograph published by the Southern shows the Trifid Nebula in Sagittarius constellation, several thousand light years away. -The name Trifid stems from the Latin word trifidus (divided into three parts), as dark stripes of dust divide the core of the birthplace of stars into three parts. -In the Ophiuchus constellation, astronomers have photographed the signs of a cosmic collision: 400 million light years from the earth, the cores of two merging galaxies move rapidly towards one another, destined to -This star birth was captured by the Hubble telescope in the M83 spiral galaxy. -Anyone doesn't like technical abbreviations may prefer to call it by its nickname, the Southern Catherine Wheel. -The photo taken by the Hubble space telescope shows section of the Iris Nebula in the Cepheus constellation. -The nebula, 1,400 light years away, consists particles of dust that are ten to one hundred times smaller than standard house dust. -This image was put together from the X-ray images captured various telescopes. -It shows a of black holes, 430 million light years away from the -This group of galaxies, named Arp 273, was pictured for NASA by the Hubble space telescope. -Scientists call the larger spiral galaxy UGC 1810. -This star nebula is home to the brightest group of young stars in our Milky Way. -This 'star cradle' continually produces new youngsters. -Likewise, this star cloud, connected to the Rosette Nebula, continually produces new stars - 5000 light years away from the Earth. -In this bright shining galaxy with one small black hole, there exists no dust - only gas. -Researchers presume that it only came into being shortly after the Big Bang, when the universe was comprised primarily of hydrogen. -Our view of the universe: the most important telescopes -The telescope is thought to have been invented in 1608 by Hans Lipperhey - even before Galileo Galilei used the device to observe the stars one year later. -Since then, the mirrors in optical telescopes have become increasingly large and the that they provide increasingly profound. -For a period of 30 years, namely from 1947 until 1975, the Hale telescope in the Palomar Observatory near San Diego was the telescope in the world. -The shown had a diameter of five metres. -Arizona, USA,is home to the Large Binocular Telescope. -It enables views of space via two mirrors, each with a of 8.4 metres. -The inner workings the Gran Telescopio Canarias on the Canarian island of La Palma are huge - the mirror alone has a diameter metres. -The mirror of the Southern African Large Telescope in South Africa is segmented - to reduce costs. -In spite of this it achieves a diameter of around eleven metres. -The disadvantage of this inexpensive construction method: the telescope is securely at its angle of inclination and its is therefore limited. -Hobby Eberly telescope in Texas also has a fixed angle of inclination. -What sets it apart: the light-gathering -This - in spite of its comparatively low mirror diameter - even matches that of the world's largest reflector telescopes. -With the help of a radio telescope in Arecibo (Puerto Rico) researchers can listen for extraterrestrial signals in space. -The radio has a diameter of 305 metres. -In the "Search for Extraterrestrial Intelligence" (SETI) every computer owner can be of assistance, by making his/her processing available. -View of the European Southern (ESO) in the Chilean Andes. -This is home the Very Large Telescope, which lives up to its name. -With its total of four mirrors, the telescope can also focus on the medial infrared spectrum. -Likewise to be located at the ESO Observatory in Chile, the European Extremely Large Telescope is also being planned. -Its main mirror is to span a full 42 metres and will be made from almost mirror elements. -However, images are not to be expected until 2018 at the earliest. -Until 2007, the two Keck telescopes at the Hawaiian volcano, Mauna were the largest in the world. -They each have two mirrors, each with a diameter of ten meters. -The Keck are part of the Mauna Kea Observatory, which alongside the Keck telescopes, can look to the with the help of the Subaru telescope and the IRTTF. -Another huge new telescope is also to be built on the Mauna Kea, with a mirror diameter of thirty metres. -Here you can marvel at an artist's impression. -However, the most important insights into space are provided the Hubble space telescope. -Since 24 April 1990 it has been supplying images of distant worlds. -Since 2009 the Kepler space telescope has been searching extra-solar planets, especially for any that may be inhabitable. -On 2 February 2011 it was announced by NASA that 1,235 planetary candidates had been identified since the mission began. -The image documents the final launch preparations on the Kepler space telescope. -The James Webb Space Telescope (JWST) will into space board an Ariane5 rocket by 2018 at the earliest. -The primary mirror of the infrared space has a diameter of 6.5 metres. -One of the telescope's tasks is to search for light from the first stars and galaxies that after the Big Bang. -Scientists assuming that ice also exists at Mercury's south pole. -However, there is no reliable data in support of this as the Messenger orbits around the planets much closer to the pole. -For decades, radar measurements have indicated that there is ice on Mercury. -Thanks to the Messenger probe that was launched in 2004, the first to orbit Mercury, scientists can now be certain. -Drink butter on a daily basis - and live to 168 years of age -Southern Azerbaijan, many people biblical ages. -There is even a museum of longevity. -A hunt for evidence in the country in which 97 years old is still comparatively young. -In Southern Azerbaijan, many reach ages that can almost be considered biblical. -There is even a museum of longevity. -A hunt for evidence in the country in which 97 years old is still comparatively young. -The journey through the Talysh Mountains can be described as wild and romantic. -The minibus rumbles over the winding streets, past densely wooded hills, raging rivers and simple farmhouses. -Everywhere is green and lush - you could be forgiven for thinking you were in the Black Forest. -However, this is the deep Azerbaijan, and the border with Iran is just a few kilometres away. -This is the home of the Caucasian people group, the Talysh, of whom not much is known except that they speak perfect Persian and Azeri and live long lives. -The final stop is Lerik. -The small is bursting with overpowering architecture from Soviet times, which doesn't fit with the picturesque mountain landscape at all. -Tourists from Europe rarely come here; the journey from Azerbaijan's capital city, Baku, is too arduous. -It takes eight hours to travel the 323 kilometres, as too much of the route is just a single track. -The fabulous wealth, for which the country has its oil in the Caspian Sea to thank, has not yet arrives in the province. -Yet Pilata Fatulayeva (48) is convinced that Lerik has what takes to be a tourist attraction. -"Baku became famous in May due to the Eurovision Song Contest, and next year we are having a festival celebrate the oldest people in the world," said Fatulayeva. -She is the Director of the Museum of Longevity, most likely the only of its kind in the world. -Here the lives of dozen Talysh from the who lived to older than 100 are Fatulayeva out a black & white photo. -This here my grandfather, he was 120 years old. -At the age of 136 he fathered another child. -However, the unrivalled star of the museum is shepherd Shirali Muslimov who is said to have lived to 168 years old. -However no birth certificate exists to confirm this. -And given that the longest confirmed lifespan was 122 years of age, claim seems extremely doubtful. -"He was born in 1805, here in the region, and died in 1973," Fatulayeva. -The man married three times and had 23 children, and is said to have fathered another daughter at the age of 136. -So did Shirali Muslimov miscalculate his age by a couple of decades? -But Rembrandt Scholz, researcher on ageing at the Max Planck Institute in Rostock, has also heard of people living to impressive ages in Central Asia. -"A strikingly high number of extremely elderly people can also be found some areas of China, in Japan or the Hunza in Pakistan," said Scholz, "while there is also an extremely large number of very old men in Sardinia." -Due to documentation, however, there is no scientific proof of age, particularly as there are birth registers. -Melted butter by the glass, every day -However, the fact remains that the people of the region surrounding reach a biblical age with striking regularity. -There are currently 20 individuals older than 100 years of age. -So why do so many very old people live here in the south? -The Azeri travel guide Farid Mugimzadeh explains as being due to the special Talysh genetics. -In contrast, Museum Director Fatulayeva believes that it is due to diet. -However the notion that the calorie-rich diet of the Talysh, who love meat, bread and especially dairy products, and of whom many drink a glass of melted butter on a basis, could be considered healthy from a nutrition science perspective does not really seem plausible either. -Or is it the traditional way of life that keeps the people young? In Cengemiran, a not far from the town of Lerik, lives Rubaba Mirzayeva. -At 97 years old she still comparatively young for the area. -Mirzayeva, who claims to have 143 lives in a simple wooden house, which is typical of the Caucasus region. -She sits on the floor with a butter churn, which she rolls backwards and forwards tirelessly. -Eight people live here under this roof, including one of Mirzayeva's sons and a daughter, both of whom have been grandparents for some time. -There are also two small children running around. -In the tea is prepared for the guests, which served in typical, bulging Armadu glasses. -Mirzayeva's white teeth stand in perfect rank and file, beneath headscarf she conceals long, dark blond plaits, which her son proudly reveals for us. -I have always washed my hair with milk, and it never fallen out or lost its colour. -"I have never used shampoo either," said Mirzayeva. -Monthly pension is enough to live on -She has only ever eaten what she could get from her own farm - tomatoes, potatoes, peas. -My whole life I have never once bought groceries in the supermarket. -Then she tells of her husband who was in the army. -Things were at their worst during the time after the Second World War. -However, everything became better when the "beloved father" Heydar Aliyev took the rudder. -The propaganda seems strange coming from the mouth of an old lady. -Yet the cult that revolved around the father figure for the nation, who governed his country like a dictator practically knows no limits in Azerbaijan. -He held power until 2003 and his Ilham later took over helm. -At least there is no deprivation among Azerbaijan's elderly. -Mirzayeva receives 230 Manat (around the same sum in euros) per month as her pension, which in a local context is an amount which one can comfortably. -And perhaps Mirzayeva's long greying son is right: "The elderly enjoy a deep respect in our culture." -They live among their extended family, are loved, cared for and are happy. -If this is not a reason to live for as long as possible, then what is? -The notion of "human rights" is omitted from the constitution. -The revolution has returned to Cairo. -Competing demonstrations in Cairo reveal the deep division within the country. -The future constitution based on Sharia law is fiercely disputed. -The Egyptian President is not back his emotion. -We must make the transition. -"And making sure it succeeds is my responsibility, before the people and before God," he said on state -His speech was aimed at the entire population,however in particular at the Coptic Christians, the liberals, enlightened and secularists. -all of them, until now hopelessly estranged in a bewildered opposition, are fearful. -They are fearful of a God State on the Nile at the mercy of the powerful Muslim Brotherhood. -According to Mursi, speaking almost apologetically, he has temporarily restricted the authority of the constitutional court and increased his own authority, "in order to rescue the revolution." -However, Egyptians - and the world - are not entirely sure what the 61-year-old engineer who holds a Doctorate from the American of Southern California, really wants save. -Should the judiciary be deprived of power? -In actual fact, the 234 articles, which have pushed through by the Islamic-dominated 110-person Constituent Assembly, are in some aspects cause for concern. -As was also the case under previous constitutions, under the draft judicature justified on the "principles of Islamic law." -are -This was and remains subject to interpretation and there is concern that the Islamists will make use of the woolly and the resulting room for legal manoeuvre in favour of a interpretation of Sharia -This is at least suggested by one newly added article: in all issues affecting Sharia law, the Al Ashar University be consulted, the country's important Islamic institution, which great influence throughout the whole of Sunni Islam. -can, but does not necessarily have to mean that the clergy oversee legislation, which would result in the de facto incapacitation of the judiciary. -Much in the constitutional draft is open to interpretation -Also problematic: civil military jurisdiction will continue to be upheld. -During Mubarak's rule, these courts served to suppress opposition. -Following the fall of the dictator, up to 11,000 civilians were under military imprisonment. -According to the draft, the state should also protect "the true character of the Egyptian family, and promote its morals and values." -From a legal perspective, this is formulated in such an unclear manner that state institutions even use this article to control the content of cinematic art and literature. -In plain language, this is nothing other censorship. -Incidentally, no article explicitly establishes the equality of men and women. -Another does prohibit insult or slander of the prophet Mohamed his emissaries. -However, what constitutes an insult and how this should be sanctioned remains unclear. -Equally dubious is the formulation stating that "insulting people" forbidden. -Is a caricature of the president sufficient, or a joke at the expense of a jurist? -Open to interpretation, like so much in the draft submitted by Mursi to be signed and that, in his own words, will be submitted to Egyptians for referendum "very soon." -"The revolution is back" -For weeks the opposition has been gathering to combat the strength of the Islamists. -Tens of thousands gathered on Friday evening at the Tahrir Square in in unfamiliar unity, and pledged to bring down charter before it has even come into effect. -"The is back and we are going to victorious," said Sabbahi, place candidate the presidential elections. -Noble Peace Prize winner and former Head of the International Atomic Energy Authority, Mohamed El-Baradei explained that the constitutional belongs "on the rubbish of history." -Via service Twitter, he accused Mursi's followers of wanting to lead "a coup against democracy." -"If he calls for the referendum, we will go to his palace and overthrow him," said member of the opposition Jasser Said. -"We have not yet grown tired, the blood of our brothers has not yet been atoned for," stated the Egyptian media, quoting opposition politician Chaled Ali. -And several judges have signalled that they do not want to oversee the referendum, which would render it invalid. -"The Koran is our constitution" -The well-organised Muslim Brotherhood gathered for counter-demonstration, although acting cautiously they did not choose the Tahrir Square but rather a mass prayer on the other side of the Nile, outside the Cairo University. -Many veiled women and followers of the Salafis took part, shouting out: "The people demand the application of God's law." -They demanded of Mursi: "Cleanse the country!" and protested: "The Koran is our -A struggle for control over symbolic Tahrir Square, everything began, would have most likely provoked events verging on civil war. -Quite clearly, this was something that Mursi's followers did not want to risk. -The Muslim Brothers stated that both those against and those in favour of the constitutional draft had expressed themselves loud and clear. -Now is the time population decide at the ballot box, in which direction the country should move forward. -It is a certainty that there is a majority in favour of the Islamists' -"The term 'human rights' does not even appear once" -Hafez Abu Saeda is about this forced constitutive process, which actually should have lasted until February and should have involved all social interest groups. -The 48-year-old human rights lawyer and Chairman of the Egyptian Organisation for Human Rights (EOHR) defended the Muslim Brotherhood, when imprisoned or in court under Mubarak. -Not because he shared their world view, but because for him, human rights are indivisible. -For this he was battered, and imprisoned. -"And now the term rights does not even appear once in the new constitution," he bemoaned in a discussion with am Sonntag." -The lawyer has resigned himself to Mursi extending his power to all three branches of state government. -These measures are blatant breaches of the ground rules of democracy will guide Egypt into a new dictatorship. -"Instead of the civil society, the President effectively it," complained Saeda. -Yet without civil society organisations, a democracy cannot function. -Saeda feels by the international community, is observing the battle over the ideological direction on the Nile with a mixture of curiosity and excitement. -This could come back to haunt them. -demonstrator at the Tahrir warned: "You are letting loose a monster that you can no longer control." -Norway's Is this the world's smelliest fish? -Norway's five people enjoy one of the highest standards of living, not just in Europe, but in the world. -Could the secret of the country's success be connected to the local appetite for some exceedingly smelly fish? -Take a selection over-ripe cheeses. -Place them in the midst of a of wet kit. -Leave for a week. -you have the nose-numbing smell of rakfisk, one of the great Norwegian delicacies. -I am in the small town of Fagernes, about three from Oslo. -There is snow, scenery - and that odour, ever present, hangs in the air. -Rakfisk is trout sprinkled with salt and fermented in water for - depending on how smelly you like your fish - up to a year. -As the dark sets and the turns cold, Norwegians flock to a festival here in Fagernes devoted to this most, well, captivating of -"You eat it raw, and then swallow a glass of aquavit," says Havard firefighter but the so-called "Rakfisk General," in charge of running the festival. -All around us people are eating little cubes of the fish and knocking back quantities of drink. -"Some people like the aquavit more than the rakfisk," says -The drink can kill -try a few pieces. -If you can avoid passing it under your nose, it is not bad - not unlike a of sushi that has been on rather a long bus journey. -Rakfisk is a product of very different, poverty-stricken times in Norway when, pre-refrigeration, fish was soaked in airtight barrels of water and salt in autumn. -Then in the depths of winter, well and truly fermented, it is taken out and - no doubt with the senses knocked out by alcohol - eaten. -Only a generation ago, thousands Norwegians were forced to leave their country in search work, emigrating mainly to the US. -Now the population is expanding fast - more than 13% are immigrants, attracted by plentiful jobs, high wages and a comprehensive care system. -People from Sweden, the old rival and not so long ago far richer than Norway, stream in to work. -Rakfisk is seen as signifying something important, a vital if rather smelly part of Norway's past. -It is among the more expensive dishes you can buy. -But then everything expensive - a small glass of beer or sandwich knock you £9 ($14) -Norway does not often make it on to the global news agenda and most seem to like it that way. -People here are still loath to mention name Anders Breivik, the right-wing, racist extremist who gunned down and killed 77 men, women and children last year. -Instead, the shootings are referred to as "the July 22nd incident." -Norwegians find it very difficult to believe that in peace-loving country one of their own was capable of such brutality and murder. -The growth since the early 1970s of one of the world's biggest oil and gas industries lies behind much of Norway's present-day wealth. -"But oil is not the only reason we are doing so well," says our handing round trays of rakfisk and, with her long blond hair and startlingly blue eyes, the image of Nordic well-being. -We are a - how you say - prudent people. -Her English, like that of most people here, is flawless. -are not very showy, we do like ostentation. -Norway has handled its oil wealth carefully - all but a small percentage of money from the industry is invested in a special fund for the benefit of future generations. -When everyone else was throwing around money they did not have, in the leading up to the global financial crash, Norway kept its purse strings tightly bound. -"As long as we can ski in winter and go hiking in summer we are happy," says Anna. -"And eat rakfisk," she adds with a carefree laugh. -I stand in the snow and queue for something to eat - I have had rakfisk. -Now an elk burger is certainly something and rather succulent to the taste. -But in the evening, it is more of that smelly fish. -The hotel I am staying is one of a number of venues hosting a rakfisk dinner where guests vote on the - or perhaps the most nasally challenging - fish. -There is a live TV up to a compere in a bow tie surrounded by plates of rakfisk. -It is like Eurovision song contest. -"What score do you have for the best fish up there in the mountains Thor-Juergen?" -"Here are our points, Havard." -There is clapping, laughter. -A man falls off his chair, perhaps overcome with aquavit. -Or maybe it is the fumes from all that fish. -Mexico's Enrique Pena Nieto faces tough start -As Mexico's incoming President Enrique Pena Nieto prepares to take office, the BBC's Will Grant looks at the challenges facing him and the mixed expectations of his population. -Traffic in Mexico City is particularly bad at present. -A congested city at the best of times, ring of steel has been erected since Monday cutting off several key routes into the capital and causing chaos on the roads. -The aim, however, wasn't to stop commuters getting to work but prevent protesters from reaching parliament. -On Saturday, Mexico's new president Enrique Pena Nieto will receive the presidential sash and take over the running of the nation. -He faces complicated task. -Mexico has been performing well economically under the outgoing administration of Felipe Calderon, but the country the grip of a drug war, which has already claimed an estimated 60,000 lives in six years. -"My government has a great commitment to the Mexican people to reduce the violence," Mr Pena Nieto told US President Barack Obama the Oval Office earlier this week. -I will proposing a new security which will allow us to achieve that aim. -Before rubbing shoulders with the US president, Mr Pena Nieto's previous political experience was as governor of his home state, the State of Mexico. -A populous, sprawling state surrounding the capital, about the new leader are divided in his old stomping ground. -A straightforward man -In the bucolic town of Valle del Bravo, for example, he is remembered fondly. -Residents credit him with boosting tourism in the resort and -To reach the town you can drive along one of Mr Pena Nieto's new motorways, vast improvement on the cracked and bumpy roads it replaced. -Plaques bearing his name also hang outside a modern sports and an impressive interactive museum about climate change. -"We are looking to him to bring about real and lasting change," says friend and political ally Gabriel Olvera Hernandez, a state congressman for Mr Pena Nieto's party, the -Particularly in terms of security and the economy, we're hoping for an interesting and true change which our country so badly needs. -After an unbroken 81 years in power, the PRI was ousted in 2000 by Vicente Fox. -Congressman Olvera that after 12 years outside the presidential palace of Los Pinos, there is much expectation within the party about Enrique Pena -And he rejects the opposition's characterisation of the new president as lacking substance. -He's a very straightforward man, very committed with an excellent vision of the country. -He's an statesman and, above all, someone who knows how to -But on the other side of the state, that is not the impression many people have of their former governor. -In Nezahualcoyotl, also known as Ciudad Neza, the contrast with the cobbled streets of Valle del Bravo couldn't be sharper. -Tucked away under motorway flyovers, it is in many ways a suburb of Mexico City itself. -And the problems in the municipality are also gritty and urban. -Earlier this year, the military was called in to help tackle the drug gangs operating in the neighbourhoods, and violence against women is particularly acute. -On a patch wasteland by a vast site, the bodies of dozens of murdered have been dumped over the past two years alone. -More than 1,000 women were killed in Mexico State while Mr Pena Nieto was governor, a rate much higher than in the notoriously violent city of Ciudad - a place synonymous with the murder of innocent women. -Mr Pena Nieto's critics say, at best, he failed to adequately address the problem of femicide while he was in office. -At worst, they accuse his administration of turning a blind -In a concrete home typical of the rundown neighbourhood, Irinea Buendia struggles to fight back the tears she shows me photos of her late daughter, Mariana Luna. -According to the official version of events, Mariana committed suicide in 2010. -However her family believes she was murdered by her partner. -"When I arrived at house it seemed her body had washed," Senora Buendia recalls. -There were signs she'd been beaten, and rigor mortis had already set in. -As her mother recounts the story, a picture of Mariana looks down from the walls, next to a cross bearing a single word: Justice. -However, that is exactly what the family say they have been denied. -state authorities have treated me like I'm an old gossip, a trouble-maker, whiner. -What they want is that one simply accepts what they say and shuts up. -"But that can't right when there were so many irregularities and omissions," she says. -As President Pena Nieto receives the sash on Saturday, it with a heavy responsibility. -Tens of thousands of families have been affected by violent crime in Mexico over the past six years and the president has promised to make a priority during his time in office. -"I hope he's the same kind of president as he was a governor," says PRI Congressman Olvera in Valle del Bravo. -That, however, is exactly what victims' families in Ciudad Neza fear. -Bradley Manning didn't complain about mistreatment, prosecutors contend -Prosecutors try to counter Bradley Manning's claims of abuse in confinement -The hearing focuses on Manning's time the military brig at Quantico, Virginia -Defense wants case dismissed on grounds that Manning's confinement was harsh -The Army is of stealing thousands of classified documents -Prosecutors tried to establish Friday that Army private Bradley Manning -- charged in the largest leak of classified material U.S. history -- missed multiple opportunities complain about the mistreatment he's alleging in military custody. -While cross-examining Manning at a pre-trial hearing at Ft. Meade, Maryland, prosecutor Ashden Fein asserted that records of weekly visits Manning had with unit officers during nine months of detention at Quantico, Virginia, show no complaints about treatment. -The cross-examination -- during a hearing on a defense motion to have Manning's case dismissed on grounds that his confinement has been harsh and has amounted enough punishment -- came day after Manning testified that he had considered suicide while in custody. -The Army analyst, arrested in June 2010, is accused of stealing thousands of classified documents while serving in Iraq. -The material was then published online by WikiLeaks. -WikiLeaks has never that Manning was the source of its information. -In Friday's hearing, Fein reviewed with Manning the forms that officers out after meeting with Manning during his detention at Quantico's brig, where he was held under a heightened confinement status from July 2010 to April 2011. -Officers would ask Manning questions write down his responses. -When Fein asked about the forms Friday, Manning acknowledged that he rated treatment his guards as "excellent" and treatment by the facility overall as "very professional." -The show no complaints of mistreatment, even though the officers Manning directly treatment, Fein contended. -Manning responded that he would verbally express concern about issues and that the visiting officers would talk through the concerns and indicate that they would be addressed, they didn't record the issues. -"They would write down 'no issues' (after discussing the concerns), and it didn't necessarily mean I didn't bring something Manning said. -The judge, Army Col. Denise Lind, also asked Manning why didn't complain about treatment during a January 2011 meeting with a board examining the suicidal thoughts he expressed in a form months earlier. -Manning replied that his intention during meeting was to get his "prevention of injury" status downgraded. -The military said they put him on this restrictive status -- a step below suicide watch -- for his protection and the safety of others. -"I staff to know I was fine, and (I to) get off the POI status ... to enjoy an increased quality of life from my viewpoint," Manning said. -Manning testified Thursday about his arrest in Iraq and his transfer to Kuwait, where held for nearly two months before being transferred to the brig at Marine Base Quantico in Virginia in July 2010. -He said he contemplated suicide in Kuwait and once passed out there due to the heat. -He said not being allowed to know what was happening to him or in outside world was distressing. -"My world just shrink to Camp Arafjon, to that cage," Manning said Thursday. -I thought I was going to die in that cage. -at Quantico, Manning said, he spend most days in a small cell -- least hours and often more than 23 hours -- with no company. -Manning said he was allowed a mattress, blanket, flip-flops, some clothes and his glasses. -He said he to keep moving, because sleeping during the day or even lying down was against the rules. -Manning said he always with light from outside his cell in eyes. -If guards not see his face when he rolled over night, he said they would wake him to roll back over. -Manning's lawyer filed a formal objection to Manning's treatment in January 2011. -was to the military prison at Fort Leavenworth, Kansas, in April 2011. -Also Friday, the judge asked Manning about an allegation that he made in Thursday's testimony -- that after being forced to sleep naked one night in his Quantico cell, was forced to stand naked in front of guards and other during a morning head count. -Manning had testified that he was never given a chance to cover himself with his blanket during the head count. -Under questioning the judge Friday, Manning said that he inferred from his guard's order that he should drop a blanket that could covered him, but he acknowledged that no one had ordered him to drop it. -Manning testified Thursday that he was forced to sleep naked the night because of his attempt to show an officer that he wasn't a danger to himself. -Manning said that he told the officer that he could have used the waistband of his underwear or his flip-flops to hurt but hadn't done so. -That night, Manning testified, his underwear, flip-flops glasses were removed from his cell. -His lawyers hope the judge will at least take his experiences during into account and sharply reduce his sentence should he be convicted at his court-martial, which is expected to begin early year. -The defense has said it plans to have Manning plead guilty to lesser offenses and other charges as being extreme. -The hearing is scheduled to resume weekend, with prosecutors expected to argue that the detention conditions were warranted. -The Pentagon has maintained that Manning was held in accordance with rules governing maximum-custody detainees at Quantico. -Counts against Manning include aiding the enemy, wrongfully causing intelligence to be on the Internet, transmitting national defense information and theft of public property or records. -If he's convicted on all counts, he could face a life -My Mexican-American identity crisis -He says many were forced to leave Mexico because of the lack of opportunities there -Mexicans tend to fault those who left; they remind Mexicans of hard times, he says -Navarrette says Mexican-Americans are caught between two worlds -On a recent trip to Mexico City, I had barely made my way down the concourse arrived at the immigration processing area when I got stumped. -pointed the way to two for "Mexicanos" ("Mexicans"), another for "Extranjeros" ("Foreigners.") -I stood there for a few seconds, unsure of where to go. -Growing up in Central California, I had been called "Mexican" life. -It's ethnic shorthand in the same that my friends in Boston refer to themselves as "Irish" or my friends in New York describe themselves as "Italian." -Later, I settled on "Mexican-American." -But, this was Mexico. -And, in the homeland of my grandfather, there was no need for shorthand or hyphens. -I was simply an American. -I speak Spanish, enough to handle either end of an interview in language. -But I have the vocabulary of a native, and I can't shake American accent. -So I took my U.S. passport got in the line for Extranjeros. -I thought about that moment this week when Mexican president-elect Enrique Pena Nieto visited the White House to meet with President Obama. -On the agenda, as usual, when the leaders of these two countries meet: immigration, drugs and trade. -Pena Nieto was also eager to talk about the growth of the Mexican economy, is one reason that Mexicans are now just as likely to stay in Mexico as to the United States. -He wants to partner with the United States and Canada, and create a European trading bloc in North America. -And Pena Nieto vowed to Mexico's war against the drug cartels, even he no specifics. -For Mexico, the relationship with the United States is and filled hard feelings. -Most Americans probably never give a thought to the fact that, 1848, the United States invaded Mexico and forced leaders to sign over half their territory at the point of rifle. -But for Mexicans, who think in terms of centuries, not minutes, the are everywhere. -So minute that a U.S. official says anything the least bit critical of Mexico, you start hearing -- in the Mexican press, and among the elites -- complaints about how the Americans are encroaching upon their neighbor's sovereignty. -And the children of Montezuma go on the warpath. -And for Mexico, the really challenging relationship is with more than 35 million Mexican-Americans living in the United States. -You want to talk about hard feelings? -There is plenty. -Mexico has winners and losers, people for whom the country provides opportunities and others for whom it doesn't. -The only reason you have so many of Mexican ancestry living in cities like Los Angeles, Las Phoenix, Denver or is because, at some in our family tree, a person, maybe a parent or grandparent, who was shut out from opportunity in Mexico had to go north. -And more often than not, that person fit a profile dark skin, little education, from a poor village, etc. -We're their offspring, and we're loyal to them. -Not Mexico. -And even though we now be living the American Dream, gone to good schools and taken good jobs, we can never lose sight of the fact that it's the American Dream we're living, and not the Mexican one. -Our identity might sometimes be but our loyalty is clear. -It's to the United States. -Besides, we're aware that many of the elite Mexicans in the ruling class don't like us. -The feeling is mutual. -They see us as a reminder of a humiliating defeat and look on us as inferior that isn't sufficiently Mexican. -Our Spanish will never be good enough, our ties to Mexico never strong enough. -Our existence is, as they see it, all about failure. -If our families hadn't failed in Mexico, they wouldn't have left. -And we wouldn't now find ourselves trapped behind the silk curtain, living well in the United States but lost souls nonetheless. -My wife, who was born in Guadalajara and came to the United States legally as a child, reminds me that there is friction between Mexicans and Mexican-Americans because Mexicans have a firmer grasp of they are and Mexican-Americans resent that. -While she's a U.S. citizen, she sees herself as a part of two -Meanwhile, many Mexican-Americans I know don't feel like they're a part of either. -We love listening to the Mexican band, Los Tigres del Norte, but also to Bruce Springsteen. -You get the best of both worlds, but you're rooted in -In Mexico, we're seen as -And in the United States, we're considered Mexican. -Now, to complicate the relationship even further, as learned during my some Mexican leaders and parts of the intelligentsia want to reconnect with the Diaspora. -They want to put Mexican-Americans to work as makeshift "ambassadors" for Mexico, representing its interest in the United States. -We would tell our fellow Americans what a great country this is to visit and pressure political leaders to strengthen ties with Mexico. -Yeah. -That's not going to -Too many hard feelings. -And, income inequality and rampant corruption and drug violence, many of us are not so that it is a great country. -I'm afraid you're on your own, amigos. -That's fair. -If at least some Mexicans aren't yet ready to forgive the United States for how it treated Mexico a century a half ago, then they have to accept the fact that some Mexican-Americans hold a grudge for how their family members were treated much more recently than that. -Hmmm. -Maybe we're more "Mexican" than I thought. -Old battles, new Middle East -The ceasefire between Israel and Hamas could yet be an unlikely foundation for peace -Can there ever be a lasting peace between and Jews in Middle East? -Another round of bloodshed suggests that any such hope is vain. -Amid the usual futile arguments over who started it, scores of buildings have been reduced to rubble; more than 140 Palestinians, most of them civilians, and six Israelis have been killed; and, for the first time, missiles from Gaza have landed near Tel Aviv, Israel's metropolis, and the holy city of Jerusalem. -But though the Israelis and Palestinians seem stuck in their ancient conflict, all around them Middle East is changing. -The Arab spring pieces up in the air, and, like it or not, the Palestinians Israelis are caught up the regional turmoil. -Maybe this will make their struggle bloodier than -However, there are reasons for thinking it could just break lethal stalemate. -A war that is neither lost or won -At first sight, looks very hard to justify -Even if the ceasefire agreed on November 21st holds, this week's fighting has strengthened the hawks on both sides. -The leaders of Hamas, the Islamist that has ruled Gaza since 2007, will claim have forced the Israelis to back off, even though Gaza has taken a drubbing. -killing some of its leaders bottling up Gaza's 1.7m people in one of the most wretched and crowded corners of the planet, Israel has failed to Hamas. -Indeed Hamas is gaining on the West the other bit of Palestine currently run by its bitter in Fatah, the more moderate Palestinian faction. -Moreover, Hamas's leaders may well that is on their side. -As Islamists across the Arab world have gained clout, so Hamas has made powerful and rich friends. -Turkey, a resurgent regional power that was once closest Muslim ally, has taken up Hamas's cause; so has Qatar, one of the richest and most dynamic of the Gulf states. -Jubilant Hamas people say an Islamist crescent is curving around Israel, from Lebanon in the north, where the Hizbullah party-cum-militia holds sway, through Syria, where rebels of an increasingly Islamist bent may topple Bashar Assad, and on down through Jordan, where Hamas's allies are menacing the king. -Above all, on Israel's flank, the rise of the Muslim Brotherhood under President Muhammad Morsi in by far the most and pivotal of Arab countries, has changed the region's balance. -Hosni Mubarak, the secular despot who ran Egypt for 30 years until his downfall in 2011, had little time for Hamas. -By contrast, the Brotherhood is a cousin of Hamas, and its leaders more subject to popular opinion. -In future diplomacy Hamas may emerge as an actor that cannot be shut out even by Israel America. -Meanwhile, Israel's hardliners will draw the opposite conclusions. -military terms, Hamas has been put back in its box. -Israel's Iron Dome anti-missile system has its worth and many of Hamas's have been destroyed. -Israelis will sleep more soundly - for while. -In diplomatic terms, America is as as ever; many European countries also blamed Hamas for starting the latest round of violence. -Above all, Israel has prospered, especially Binyamin Netanyahu, a prime minister who has largely ignored the peace process. -Although rockets from Gaza have killed around 30 Israelis since 2004, Israel has been fairly free of suicide-bombers, thanks in part to the barrier that bites into the West Bank, main chunk a would-be Palestinian state, and protects the Jewish settlements that continue to expand despite their illegality in international law. -Mr Netanyahu, whose Likud party has with an even more hawkish lot under Avigdor Lieberman in the run-up to an election on January 22nd, is sitting pretty. -Why coddle those Palestinians by giving them a state of own? -If they really ran the West Bank, would they not fire rockets, just as their compatriots have done in Gaza? -Better to keep them behind that wall and smite them if they raise their heads. -Maybe the hardliners will win out; yet the Arab may change calculations. -Even if the Islamists taking power in Egypt and have little love for their priority will be difficulties at home. -Israel's defence budget is bigger than that of its four Arab neighbours combined. -Starting a war with the superpower will hardly help the new Arab governments mend their economies. -That the pragmatic Mr Morsi worked with Barack Obama to obtain a ceasefire augurs well - and might just mark the start of something. -too should look to the longer term. -With the rest of Arab world becoming more democratic, depriving Palestinians of their right to self-determination is creating a powder keg that is bound one day to explode in the territories occupied by Israel - much as a bus exploded Tel Aviv this week. -Repression is already undermining democracy the Jewish state, and exacerbates this as the Arab population -Bloody missions against Gaza every few years to knock back Hamas will exact a growing diplomatic toll. -Both sides prodding outsiders -The answer remains the one trumpeted by sensible people on both sides, most of the outside world and this newspaper: two states, with Israel ceding territory for security. -The hope a small one in the short term - is that the ceasefire will give a little more leverage to outsiders pushing that -Egypt, which must now set about stopping the flow of arms into Gaza, along Turkey and Qatar, is better placed than ever to persuade Hamas to accept the idea of a Jewish state based on the 1967 boundaries with land swaps a shared Jerusalem. -Arab outsiders should also press Hamas and to come together. -That do more to create a Palestinian state the imminent bid for virtual statehood at the -Mr Obama also has a in getting Israel to the table. -During his first term, he neglected to his own plan for peace. -Back in the White House, he is looking just as reluctant to be drawn in. -is woefully short-sighted. -America has a interest in a stable Middle East. -That means a peace settlement between Israel and the Palestinians. -plain packaging laws come into force in Australia -Smoking warnings and diseased body parts emblazoned on dull green boxes that are the same for all tobacco brands -Australia's world-first laws on cigarette and tobacco plain packaging have come into force, replacing brand logos and colours with generic drab olive coverings, gruesome pictures of diseased body parts and depictions of children and babies made by their parents' smoking. -Apart from the varying health warnings and images the only difference between the packs, mandatory from are the brand names, and these are all printed in identical small font. -It is the world's most strict regime for the packaging of tobacco. -Australia's federal government says the aim is to young people from smoking by stripping the of glamour. -It is relying on studies showing if people have not started smoking by age 26 there is a 99% chance they will never take it up. -"Even from a very early age you can see that kids understand the message that the tobacco company is trying to sell through their branding," said the federal health minister, Tanya Plibersek, citing studies that showed, for example, children linking a crown in a logo with the idea of being a princess. -While Australia has one of the world's lowest smoking rates and the changes will have little impact on multinationals' profits, other countries are considering similar steps. -The tobacco industry lobbied hard against the laws. -Tobacco firms said they would boost black market trade, leading to cheaper, more accessible cigarettes. -"There will be serious unintended consequences from the legislation," said Scott McIntyre of British American Tobacco Australia. -Counterfeiters from China and Indonesia will bring lots more these products down to sell on the streets of Australia. -Others say the laws have boosted their business. -Sandra Ha of Zico Import Pty Ltd, a small family business, said demand for cigarette cases, silicon covers mask the unpalatable packages, had shot up from almost nothing two months ago since British American Tobacco, Imperial Tobacco, Philip Morris and Japan Tobacco lost a challenge to the laws in Australia's high court. -Ha said Zico had sold up to 6,000 to wholesale outlets and was awaiting new stock. -This is good business for us. -The potential hitch, experts is the popularity of social media with the very demographic is targeting. -After a series of Australian laws banning advertising and sponsorship and requiring most sellers to cigarettes from view, tobacco marketing has moved online. -Australia has banned web advertising by local companies and sites cannot restrict overseas sites. -"If you are a marketer and you've only got this small window left to promote your products, online is the compelling place for to be in," said Becky Freeman, a public health researcher at Sydney University. -Freeman an increase in "average Joe" reviews of brands on social media sites such as YouTube, Twitter and Facebook. -We have to ask, is just a private citizen who really loves Marlboro cigarettes and they've gone to the trouble of making video, or is there a marketing company involved? -British American Tobacco Australia said the industry was focused on dealing with the new rules rather than marketing. -industry has gone as far as paying for Ukraine, Honduras and the Dominican to the new rules - the countries are at the World Trade Organisation that trade is being unfairly restricted, despite none of the countries having significant trade with Australia. -A WTO ruling is likely in mid-2013. -Plibersek said the government held discussions with other countries considering similar laws on packaging. -Canada was the first country to make photograph warnings mandatory in 2001. -They now extend to more than 40 countries including Brazil, Turkey and Ukraine. -Tougher laws are being considered in Britain, New Zealand, South Africa and India. -Many smokers in Australia remain defiant. -The don't affect me. -I just ignore them. -"You just grab a smoke and put it away," Victor El Hage as he purchased a pack with a photograph of a mouth tumour. -Honestly, there's only one reason I'd stop, and that's my little girl. -James Yu, who runs the King of the Pack tobacconist in central Sydney, said the uniform packaging made it harder to stack his shelves -"It used to take me an hour to unload a delivery, now it takes me four hours," Yu said. -"The government should have just banned them altogether then we'd go fine, we're done, we'll shut up shop," said, his hands up in the air. -In Constantly Plugged-In World, It's All Bad to Be Bored -spent five unexpected hours in an airport this Thanksgiving holiday when our plane had mechanical difficulties and we had to wait for another plane to arrive. -So I had plenty of time to think about the subject of boredom. -won't lie to you. -Half a day in an airport waiting for a flight is pretty tedious, even with the distractions of books, magazines and iPhones (not to mention duty-free shopping). -But increasingly, some academics and child development experts are coming out in praise of boredom. -It's right for us and our children - to be bored on occasion, say. -It forces the to go on interesting tangents, fostering creativity. -And because most of us are almost consistently plugged into one screen or another these days, we don't experience the benefits of boredom. -So should we embrace boredom? -Yes. -And no. -But I'll get back to that. -First of all, like many people, I assumed that boredom was relatively recent phenomenon, with the advent of more leisure time. -Not so, says Peter Toohey, a professor of Greek and history at the University of Calgary in Canada and the author of "Boredom: A Lively History" (Yale University Press, 2011). -"Boredom actually has a very long history," he said. -There's Latin graffiti about boredom on the walls Pompeii dating from the first century. -Then there's of how we define boredom. -The trouble is that it has been defined, and discussed, in many different ways, said John D. Eastwood, an associate professor of psychology at York University in Canada. -After looking over the research literature and putting the idea in front a focus group of about 100 people, Professor Eastwood and colleagues defined boredom as experience of "wanting to, but being unable to in satisfying activity." -What separates boredom from apathy, said, is that the person is not engaged but wants to be. -With apathy, he said, there is no urge to do something. -The core experience of boredom, he said, is "disruption of the attention process, associated with a low mood and a sense that time is passing slowly." -Boredom can sound an awful lot like depression. -But Professor said that while they can be related, people who tend to see the problem as the environment or the world, while people who are depressed see the problem as themselves. -Sometimes we think we're bored when we just have concentrating. -In their study, "The Unengaged Mind: Defining Boredom in Terms of Attention," which appeared in the journal Perspectives on Psychological Science in September, Professor Eastwood and his colleagues pointed to an experiment in which participants listened to a tape of a person reading a magazine article. -Some groups heard a loud and unrelated television program in the next room, heard at a low level so it was barely noticeable, while the third group didn't hear the soundtrack at all. -The ones who heard the low-level TV reported more boredom than the other two groups - they had concentrating but were not sure and attributed that difficulty boredom. -When you're trying to focus on a difficult or engaging task, disruption of attention can lead to boredom, said Mark J. Fenske, an associate professor of neuroscience at the University of Guelph in Ontario and one of the authors of the study. -On the other hand, when you're doing something dull, "such as looking for bad widgets a factory line, distracting music can help you not be bored." -In fact, he we now know that squirming and doodling, often seen as a sign of boredom, can actually help combat it by keeping people more physically alert. -"Research shows that kids who are allowed to fidget learn more and retain more information than those who are forced to sit still," Professor Fenske said. -We all experience boredom at some points - my flight delay, a droning speaker, a particularly tedious movie. -But some individuals are more likely to be bored than others. -To help measure this, researchers developed a "Boredom Proneness Scale" in the 1980s. -The scale includes questions like, "Many things I have to do repetitive and monotonous," and "I have so many interests, I don't have time to do everything." -Using such scales, researchers have discovered that boys tend to be bored more often than said Stephen Vodanovich, a professor of psychology at the University of West Florida, especially when it comes needing more, and variety of, external stimulation. -But in general, teenagers are a pretty jaded lot. -In 1991, Reed Larson, a professor of human and community development at the of Illinois, conducted an experiment in which he contacted almost 400 teenagers and their seven to eight a day by beeper. -He found that 32 percent of said they were bored in school and doing homework, while 23 percent said they were bored when they weren't in school. -On the other hand, 3 percent of parents said they were bored. -Larson he did not whether boredom percentages now, 21 years be higher or lower. -But he said he did know that "adolescence is a peak period for largely because children and teenagers are not given a lot of over what want to do. -So back to my original question: Is boredom good for -Sometimes no, in its extreme it can lead to take absurd physical risks, gamble or in substance abuse as a way to it, research shows. -On the other hand, many philosophers and writers discuss the connection between boredom and creativity, said Professor who has been studying the issue for more than two decades. -"Boredom is the brain's way to tell you you should be doing something else," said Gary Marcus, a professor of psychology at N.Y.U. -But the brain doesn't always know the most appropriate thing to -If you're bored and use that energy to play guitar and cook, it will make you happy. -But if you watch TV, it may make you happy in the short term, but not in the long term. -So if child is and you give him an iPad, not be bored anymore, but he hasn't learned how to entertain himself, or self regulate, Professor Fenske said. -And "that self-regulation transfers from one situation to other," he said. -Your doesn't just learn entertain himself, but gets more self-control in other areas. -I don't think we really want to celebrate boredom. -Nor should we be too of it. -Rather, our goal should be to feel comfortable away from the constant of activity and technology. -Professor Eastwood agreed. -"We frame it as we need to be bored more, but boredom is an agonizing, restless desire to be connected with something meaningful," he said. -What people are really searching for, he is a way to unplug and enjoy down time. -"In an environment where we are constantly overstimulated," he said, "it's hard to find ways to engage when the noise down." -In Colorado, No Playbook for New Marijuana -Anthony Orozco, 19, community college student and soccer player in southeastern Colorado, is facing criminal charges for something that will soon be legal across state: the possession of a few nuggets of marijuana and a pipe he used to smoke it. -Mr. Orozco said that one day in September he and a few friends were driving in Lamar, on the plains near the Kansas border, when they were pulled over. -After the police officer found marijuana in the car, Mr. Orozco was issued a summons for possession and paraphernalia - petty offenses that each carry a $100 fine - and given a court date. -"We get treated like criminals," Mr. Orozco said. -But is he one? -In the uncertain weeks after Colorado's vote to legalize small amounts marijuana for recreational use, the answer in hundreds of minor drug cases depends less on the law than on location. -Hundreds of misdemeanor marijuana cases are already being dropped here and in Washington State, which approved a similar measure. -Police departments have stopped charging adults 21 years and older for small-scale possession that will be legally sanctioned once the laws take effect in the coming weeks. -But prosecutors in more conservative precincts in Colorado have vowed to press ahead with existing marijuana cases and are still citing people for possession. -At the same time, several towns from the Denver suburbs to the Western mountains are voting to block new, state-licensed retail marijuana shops from opening in their communities. -"This is evolving so quickly don't know what's going to happen next," said Daniel J. Oates, the police chief in Aurora, just east of Denver. -Regulators in Washington State are also scratching their heads. -And they are looking for guidance on how to set up a system of licenses for production, manufacturing, distribution and sales - all by a deadline of Dec. 1, 2013. -They say that Colorado, better or worse, is ahead of most states in regulating marijuana, first for medical use and now recreationally. -"Colorado has a more regulated market, so they will be a good guide," said Brian E. Smith, a spokesman for the Washington State Liquor Control Board. -no place or system, Mr. Smith conceded, can do more than suggest what might work. -"There's no real precedent for us to follow," he said. -Washington's law, called I-502, takes effect on Dec. 6, also leaves year of limbo during which the state licensing system not exist, but legalized possession will. -And there are thorny mechanical questions that must be resolved during that time, like how to balance the state's mandate of "adequate access" to licensed marijuana with its prohibitions on cannabis businesses within 1,000 feet of a school, park, playground or child care center. -"Nowhere will it be more difficult to site a licensed cannabis business than in urban areas, particularly in the Seattle metropolitan area," said Ben a spokesman for Center for Legal Cannabis, a recently formed research group. -On Nov. 21, Chief Oates in Aurora sent his officers an e-mail announcing that the city attorney would no longer be prosecuting small marijuana violations for anyone 21 years or older, and that the would stop charging people for those crimes "effective immediately." -Chief Oates said that the police enforce city codes regulating medical growers, and that they would pursue drug traffickers and dealers. -In northern Colorado's Weld County, the district attorney, Ken Buck, represents stricter view. -After the vote, said his office would continue pursuing marijuana possession cases, mostly as a to press users into getting treatment. -Right now, 119 people face charges of two ounces or less of marijuana, though many are facing other charges. -"Our office has an obligation to prosecute offenses that were at the time they occurred," Mr. Buck said in a statement. -The response has been complicated even in places like rural Mesa County, where voters marijuana -police in Grand Junction, the county's largest city, are no longer citing adults for possession of small amounts. -county's district attorney, Pete Hautzinger, supported that decision, but also decided not to dismiss all of the pending possession cases. -"I do not think I'm wasting my time to enforce the law until it changes," he said. -Although 55 percent of Colorado voters supported the measure, bringing marijuana into the folds of government and legal system was never going to be simple. -And the contradictory reactions across state lay bare a ambivalence among local officials about the state's big green experiment. -"It's a cultural with district attorneys, said Sean McAllister, a Denver lawyer represents marijuana defendants and is a spokesman for the National Organization for the Reform of Marijuana Laws. -"They spent so much of their lives prosecuting people that they still don't really accept that this is legal," he said. -As the first states to small amounts of marijuana like alcohol, Colorado and Washington are poised to become national test drug legalization. -As advocates and state officials plan for a new frontier of legalized sales, they are also anxiously awaiting direction from the federal government, which still plans to treat the sale and cultivation of marijuana as federal crimes. -Advocates for legalized marijuana are hoping the Justice Department yields. -Despite some high-profile arrests of medical marijuana sellers, the federal government has mostly allowed medical marijuana businesses to operate Colorado, Washington and 16 other states. -While drug agents will probably not beat down doors to seize a small bag of the drug, are likely balk at allowing state-regulated recreational marijuana shops allowed under the new laws, said Kevin A. Sabet, a former drug policy adviser in the Obama administration. -Several cities in Colorado are not waiting for federal authorities act. -Even before Election Day, some local governments approved moratoriums on any new marijuana shops, even though it will be about year before any can open. -Last week, the western city of Montrose took up a six-month ban, and is likely to pass it next week. -"We don't want put in a position where we license and then have a big federal issue," said Bob Nicholson, a City Council -Our community voted against this amendment. -We're looking at what the community voted for versus what the state voted for. -There's an awful lot of questions. -Petronella Wyatt: I was bullied out of Oxford for being a Tory -It not just today's university students who are attacked for their views -I can't remember a time when I didn't dream of a place at Oxford University. -Both my father and my elder brother had been at what I imagined was the world's greatest seat of learning, a modern-day wine-blushed Greek symposium encouraging the pillars of civilisation, free thinking and tolerance. -Yet, within two weeks of taking up my place at Worcester College in the late to read history, I'd packed my bags, precipitating the first scandal of my life. -My father broke down and cried. -Friends were baffled. -The Evening Standard diary claimed I'd quit because I objected to fellow having sex in the room to mine. -The writer A N Wilson announced waggishly that I'd departed because I was forced to drink out of chipped mugs. -The was less droll. -I ran away. -Yes, ran, because I had been subject to bullying and intimidation. -Not on account of my rather outré name, or the fact that I came from a private school. -I was persecuted for one reason only, and in this cradle of supposed enlightenment it was both bigoted and barbaric: father, the late Woodrow Wyatt, was a high-profile adviser to Margaret Thatcher and I was Conservative supporter. -Why bring up now, you might ask. -Well, recent reports suggest that a new generation of Right-of-centre students are suffering a similar persecution. -Such is the and increasing hatred of Tory students at Oxford that last week a group of them demanded the same equal-rights protection as gays, disabled people and ethnic minorities. -Conservative members of Christi College's junior common room (JCR) claim they are "often actively isolated, personally attacked and made to feel unwelcome" because of their political views. -They want to create a post on the college's equal opportunities committee to ensure that their opinions can be aired freely. -Their situation wasn't helped a BBC Two documentary, Wonderland: Young, Bright and on the Right, about student politics, which portrayed as oddballs and neo-Nazis. -It featured graduate Joe Cooke, former president the Oxford University Conservative Association (OUCA), travelling in a Rolls-Royce, sporting a suit and silver-topped cane. -At other students say they are being treated as "scapegoats" for the introduction of tuition fees." -Luke Black, 20, vice-president of Nottingham University Conservative Association, told a Sunday newspaper that "there is a growing Left-wing bias at universities. -People assume we are like the Bullingdon Club without meeting us." -Samuel Roberts, 21, a student at Christi, who proposed the motion for greater protection, says such a climate is "uncomfortable," while Stephanie Cherill, 19, president elect OUCA, says there has been a deterioration in the attitude of JCR members towards people who are Right of centre. -"This poses a threat to the atmosphere of intellectual discussion, as well as to the welfare of members," she says. -I was in a minority of one during my few weeks at Oxford. -I had gone up in September a cripplingly shy 18-year-old. -Hatred of the Conservative Party was at its most febrile. -The year before, the university had voted to refuse Margaret Thatcher - a former student - an honorary degree, because of in higher education funding. -The atmosphere would have made a Stalinist shudder with apprehension. -During the first few days of freshers" week, when new students socialise with each other and the dons, I had a taste of the wormwood that was to come. -I was to find that the dons not only connived in the of Tory undergraduates but took part with relish. -The politics of the miners" strike, privatisation and the government's opposition to sanctions against apartheid South Africa were brought into the wood-panelled rooms of the tutorial. -My first one involved translating 18th-century French into English, and I was unprepared for what followed. -"Miss Wyatt," said the don, Harry Pitt (now deceased), "please translate the first paragraph." -I stumbled over it. -A small with a face like cake batter, Pitt was big on bile. -"Do Thatcherites refuse to learn French or are they just stupid?" he demanded. -The other undergraduates giggled. -Tears pricked the back of my eyes. -"I suggest you take some basic lessons in your spare time - that is, you're too busy socialising," Pitt snarled. -I walked to my rooms a disconsolate figure. -At dinner in college that evening I sat by myself; then I felt a light tap on my shoulder. -It was a second-year English student named James who introduced himself as a member of the OUCA. -"I know who you are," he said kindly. -I'm afraid it's like that. -Anyone suspected of being a Tory is picked on. -It's bad enough for me, but they know your father is close to Margaret Thatcher, so it will be worse for you. -Most Tory freshers pretend they're Labour. -Later, at a local I cravenly attempted to dissimulate. -I insisted I didn't agree with everything Mrs Thatcher said. -This ploy proved unsuccessful. -A first year student, who, ironically, had been to Eton, said: "You're the daughter a fascist pig." -You're contaminated. -Other students took up the refrain. -I was perverted, dirty. -"How do Tories have sex?" one asked. -They beat each other, don't they? -I felt the homosexuals have felt before the liberal legislation of the Sixties. -Would I ever be to lead a normal life at Oxford? -Would I be forced to meet like-minded people only after dark? -Would I have to turn to Labour and suppress my inclinations? -The three years me stretched out as a purgatory of ostracism and isolation. -The only openly Tory don was Norman Stone, Professor of Modern History, who was based at my college. -He was hated for not only a Conservative but a foreign policy to Thatcher and one of her speech writers. -He was hardly ever there. -He loathed the place as provincial and petty, and for its adherence to the Marxist-determinist view of history. -In 1997 he took up a professorship at the University of Bilkent, in Ankara, Turkey. -"You won't be happy here," he told me. -I began commuting from Oxford to my parents" house in London, finding refuge with my more open-minded metropolitan friends and family. -I told my father I hated Oxford and why. -He was incredulous. -During his time there in the Forties, all political views had been accepted. -"But it's the best place in the world," he said pathetically. -They wouldn't do not among dreaming spires. -Even my Communist friends always had impeccable manners. -His rheumy eyes began to cloud. -Give it a chance. -I'm sure it's all just a tease. -It would break my heart if you left. -Exhausted by my frequent trips to London, my emotional resistance was deteriorating. -A male friend of mine, also a Tory supporter, had succumbed to pressure and renounced his creed. -During a tutorial the following week, when another history don had suggested, in complete seriousness, that I was an "enemy of the people," decided do the -Inwardly blushing with I admitted to being "brainwashed by my parents" and called them "old fools." -The respite was short. -It was my father who the nail into the coffin of my Oxford career. -At the time, he wrote two columns in the Murdoch press each week. -My door was locked. -I cowered inside, after five minutes, my pursuers up. -When they left, I a suitcase and caught the first train to London. -I never went back. -You may call me a snivelling wimp. -But no 18-year-old should be subject to such intimidation and vitriol in an educational institution. -Even tragic is that it was Oxford, which not only produced 14 Tory prime ministers, but, to this day, hides behind an ill-deserved reputation for equality and freedom thought. -"Valentino prefers elegance to notoriety" -On the occasion of the "Valentino: Master of Couture," an exhibition that opened week in London, ABC speaks with Naty Abascal, Fiona and other of the Italian designer's famous clients. -Somerset House, former home of Queen Elizabeth I of England, is the only place in the British capital worthy of hosting Valentino Garavani exhibition. -inauguration of "Valentino: Master of Couture," the designer acknowledged a retrospective apotheosis that brings together over 130 couture gowns created by his fashion house over past 50 years. -"I love this palace" he says, in his unmistakable Italian accent. -This exhibition is the culmination a story whose only protagonist is "signore" Garavani, although it could not have been written without his distinguished -Valentino has always been fascinated by the rarefied and distant world of the nobility. -In the first room of the exhibition, open until March 3, there are a number of private letters and photos by the cream of aristocracy, from Princess Salimah Aga Khan, Lord Snowdon, Princess Marie-Chantal of Greece Margaret of England. -Valentino exhibits these personal memories as if they were trophies of his social ascent from humble couturier in Voghera, northern Italy, to idol of the jet-set. -There is nothing wrong with loving royalty. -"At least they don't drop cigarette ends your magnificent carpet, like some beautiful pop music celebrities do," says Baroness Fiona Thyssen-Bornemisza. -In the '60s and '70s, we both lived in the Alps were good friends. -Valentino a spectacular host whose entertains with generosity and elegance. -"We all loved being invited to his chalet in Gstaad" says "Heini" Thyssen's ex-wife, a close friend of forgotten beauties as Marella Agnelli and Eugenie Niarchos. -Valentino has always preferred elegance to notoriety. -And he is a star. -Valeria Mazza, wearing a Valentino. -The Argentine model Valeria Mazza also recalls the couturier's charisma. -Many ago, after fashion show in Piazza di Spagna in Rome, we went for dinner at his flat. -There were twenty of us, including Sharon Stone and John Kennedy Jr. -You could see and feel his "spirit" in every detail of the flat and its decor, the food and the music. -"All the guests were made to feel important and loved" recalls the top model, who started working with him during Haute Couture Week Paris, in 1995. -"His designs are works of art and so never go out of fashion" she concludes. -Nobility parade -Garavani's life is not a story of obsession, but well reciprocated love. -He loves well-educated people who come from backgrounds, and they love him. -of the Somerset House galleries has been transformed into a glamorous, sixty-foot long catwalk which offers a role reversal: take the place of the models and have to parade down the catwalk while looking at a "audience" wearing Valentino masterpieces, for example, the dress Jackie Kennedy chose for her wedding with Aristotle Onassis, the costume Monica Vitti wore in "La Notte" and the wool and coat that belonged to Empress Farah Diba. -In this crowd of mannequins, names stand out such as Sibilla of Luxembourg, Gloria von Thurn und Taxis, Mette-Marit of Norway, Rosario of Bulgaria and Sofia of Habsburg. -Naty Abascal and the designer, in 2006 -Many of these clients say your first Valentino is like your love, "impossible to forget." -I remember it perfectly. -It was a pair of trousers, a shirt, a "gilet" waistcoat and jacket from the 1971-1972 autumn-winter collection. -"It was a gift gave me" says Naty Abascal, one of the designer's muses. -"I prefer him to other designers because of his femininity, his great love of women, and he enhances our beauty" added the former Duchess of Feria. -I love the colours he uses, they really stand out and "lend themselves" to your face. -Their are perfect. -The princess and fashion Patricia Giovampaola d'Arenberg also remembers the first time she wore a Valentino. -As a teenager living in Italy, I dreamed of reaching the age when I'd have the chance to wear one of his evening gowns... -My time finally came in the late '90s. -I bought my first Valentino dress to wear at a in the castle belonging to my cousin, Prince de -It was a red dress, with a frilly skirt, draped "corsage" and a neckline. -"It was a dream come true" says Princess D'Arenberg, the widow of Rodrigo d'Arenberg. -"Valentino is indifferent to fashion, obsession is timeless" says this Italian aristocrat who lives between Paris, New York and Buenos Aires. -Princess D'Arenberg looks her gowns with utmost care ... because a dress not just a dress, it's also the many memories go with it." -The "king" of fashion -The "grand finale" of the Somerset House exhibition is Marie-Chantal Miller's wedding dress from her marriage to Paul of Greece in 1995. -It took four months' work and 25 "girls" (as the designer calls his seamstresses) to create the pearl-encrusted, ivory-coloured silk gown with twelve different types of lace and a train four a half metres long. -According to journalist Suzy Menkes, the leading authority of the specialist press, that dress represents a fashion milestone the late 20th century, return of high society clients." -Dazzled for with "savoir-être" of the elite, Valentino now its finest exponent. -Cavaliere di Gran Croce (the highest-ranking distinction in Italy), Cavaliere del Lavoro, Commandeur de L'Ordre des Arts des Lettres, and awarded the Legion of Honour, Garavani accumulates many honours as any of his clients' husbands. -"I've always struck by his refined and calm manner, and his neat and perfect appearance" acknowledges D'Arenberg. -The last time I saw him was a month ago a gala dinner at the Orsay Museum. -He was on the table of Countess Jacqueline de Ribes, a great friend of mine. -"He was immaculate, time still for him." -If a princess says that... -The hardest job in the world: human of Kawah Ijen -four euros, the Indonesian volcano risk life and limb carrying 70 kilos of sulphur along steep stone paths. -There are people whom work is hell, and others who - literally - work in hell. -This is the of Anto Wijaya, one of the 400 miners who make their living taking sulphur from the Kawah Ijen volcano, east of the island of -To do so, he has to descend every day to the bottom of the crater, where the sulphurous gas from the bowels of the earth solidifies on contact with air. -After breaking off large sulphur rocks, which in total can weigh up to 70 kilos, he carries them in two bamboo baskets on his shoulders along the steep stone paths. -It is only 250 to top of the volcano, which rises to 2,386 metres above sea level, but the exhausted porters take over 40 minutes to get there, at snail's pace, keeping their balance and measuring their steps carefully avoid slipping and falling over the precipice. -They know that one slip could cost them their lives, as happened to a French tourist who plunged to her death a few years ago on the hazardous Kawah Ijen cliffs. -The Kawah Ijen miners are paid 5 euro cents for each kilo of sulphur removed. -Once at the top, they make their way past the tourists who photograph them like circus monkeys then, heavy baskets, they walk three kilometres to the scales installed by a mining company a little further down, 1,850 metres above sea level. -This is PT Ngrimbi Candi, a company which, since 1960, has been exploiting the volcano, and quite literally its workers, whom it pays 662 rupees (5 euro cents) per kilo of sulphur. -It then sells the for 10,000 rupees (83 cents) to the petrochemical industry, as the mineral is widely used in everyday life and used in the manufacture of matches, fireworks, cosmetics, dynamite and even for whitening sugar. -"We generally carry 70 kilos, so we get about 46,000 (3.8 euros) a trip" explains Anto, who usually make three trips a day. -Each one takes three hours and end up exhausted, but it means he gets 138,000 rupees (11.5 euros) at the end of the day. -Although it a for such an inhuman effort, it is three times what he would earn in the field. -"Miners' wages are very high here, whereas coffee harvesting is paid 15,000 (1.2 euros) a day and the average monthly wage is two million rupees (167 euros) " explains the who previously worked as a mason in the island resort of Bali. -There, his wage was 75,000 rupees (6.2 euros) a day and the work was not as hard, but Anto has returned with his family to Banyuwangi, a village near the volcano, for a compelling reason which, in Indonesia, is as overriding as the sulphur: "I married a girl from Bali, where they are Hindu, and I've brought her to Java convert to Islam." -Anto has asthma, has difficulty breathing, coughs constantly and his eyes are irritated the toxic gases. -At 27 years old, Anto has been risking his life for three in the Kawah Ijen volcano, and the sulphur has to take its toll on even though covers his face special mask and -He has asthma, he has difficulty breathing, coughs constantly and his eyes are irritated the toxic gases from the -This is the price you have to pay to realise dreams. -"I'll go on working two more years because I to open a shop or study Spanish or French" he vows in more than acceptable English. -Punished for life, this pleasant, young man could be a tour guide, waiter or hotel receptionist, but instead he does the work of a mule. -Sharing a filthy wooden hut with other porters, he gets up every day at two in the morning because the sulphur doesn't stop flowing at when its characteristic yellow colour turns blue and it glows in the dark. -Defying the shadows, Anto descends the crater and lights the path with a small torch attached to the helmet he bought with his money. -Some 400 porters carry sulphur on their shoulders from the crater. -Despite their huge profits, the mining company has not mechanised the sulphur extraction process to save costs, nor has it provided any equipment for the porters, who work for themselves and by the kilo. -In fact, they do not even see any of the 30,000 rupee (2.5 euro) per camera surcharge that, top of the rupee (1.2 euro) entrance the guards of this natural reserve charge to tourists who come to photograph the volcano and their human mules. -"This work is for animals, people" Madrusin, a burly 42-year porter who has been working at Kawah Ijen for three decades, since leaving school. -He can lift up to 110 kilos, ensuring that he will go on working "all he can" because he needs the money to educate his three children, aged between 18 and 10 years old. -I won't retire, I'll die here because volcano has been my whole life. -Although the sulphur burns your throat and stings your eyes when wind suddenly changes and traps the miners in the thick columns of smoke coming out of the they are so hardy that no-one complains of serious apart, of course, from their common respiratory osteoarthritis, knee pain and sores the which have been misshapen by the weight of the -Balancing the on his back, Unainik can only carry 50 kilos now he is 53 old. -Every day, he and his fellow workers break off 15 tonnes of sulphur the volcano, which three lorries move to the warehouse in Tamansari, 18 kilometres away along a goat path that passes through scrubland. -"I won't retire, I'll die here because the volcano has my whole life" says Unainik, opening a mouth of gaps where teeth use to be. -The oldest of his children, 30 years old, also works carrying sulphur. -Time but poverty perpetuates from generation to generation in one of the hardest jobs in the world: the one done by human mules in the Kawah Ijen volcano. -Singapore seeks babies to save its economy -Singaporeans blame their stress and the cost of property and education for not having children. -"Singapore's population needs to grow." -I'm a patriotic husband, you're my patriotic wife, let's do civic duty and create life! -It may seem unlikely that these verses are part of an advert for mint sweets, but spite of this - perhaps because of it - the video went viral on YouTube in Singapore earlier this year. -The are part of a rap and make use of local references such as "Let's put a bao (bun) in the oven" make fun of the birth rate in Singapore. -The advertising company that made the video, BBH, is hopeful that the advertisement will manage to focus attention to the problem in a fun way. -Its creative director, Douglas Hamilton, says he wanted to use the power music to make people perform their "national duty." -It's purely Internet thing, so we had to make it fun and amusing. -It's the biggest problem facing this country. -We are the world's worst at reproducing our own progeny, so we felt it was issue we had to address. -We knew the Government had tried many like launching perfumes with pheromones or organising speed dating evenings. -of these ideas may have been creative, but they didn't necessarily work. -So we thought: why not be as creative possible to solve the problem, by composing a rap? -1.2 children -But the Singapore Government is not taking it so lightly. -It spends USD 1,300 per year on policies to encourage to have more children. -A government package for marriages and parents grants up to USD 15,000 per child, maternity leave and distributes tax benefits. -But this has had little effect. -Singapore is a rich, high technology city State in Southeast Asia, also known for the conservatism of its leaders and its strict social controls. -The birth rate in Singapore, according to its national division, currently stands at 1.2 children per woman. -The last it was over 2, as replacement rate, was in 1976. -So why are Singaporeans not having children? -Tan Wei Ming, Director of Marriage and Family Policy of the National Population Division, said that it is a result of "better education" and "a wider range of career opportunities." -"This given people a wider range of options in terms of life goals priorities, beyond getting married and starting a family" he explains. -These changes in social norms have contributed to increasing numbers of people who are single, and delaying marriage and births, which has resulted in a decrease the birth rate in Singapore. -Meanwhile, an EU immigration policy aimed at dramatically increasing immigration cope with the population decline has created resentment among the local population. -In Singapore, there are where xenophobia against many new immigrants is widespread and thinly disguised, especially the Chinese who are criticised for keeping wages low and not integrating. -Increased immigration is also seen as one of the reasons why, last year, the Singapore ruling party experienced its worst election result since independence. -Since the election there has been an attempt to correct the problem, with highest taxes and levies for foreign workers. -Unexpected consequences -While a fall the birth rate has known effects on a nation's economic growth, tax revenues, healthcare costs and immigration policies, in Singapore's case there are also some unexpected consequences. -The Government is trying not to build so many small houses. -For example, it has to influence the real estate sector. -Its urban authority has started to control the number of small apartments, known as "shoe boxes," which can be built in certain areas of the city. -These apartments have surface of 46 square metres and have very successful in terms of sales. -However, there concern that they may promote a single-living and discourage developers who want to build large family houses. -But, Lim Yew Soon, managing director of the real estate company EL Developers, says his "shoe boxes" sell much faster than larger units. -They are more popular, in the sense that the units sell days, even weeks, faster than larger units. -This they are much better for our cash flow. -However, he admits that the new regulations give clearer guidance to developers, who previously had obstacles put in their way if they provided for too many small units in a project. -Too stressed -Singapore is a city -these new rules may be a step towards increasing the national birth when talking to Singaporeans working in the central financial district, it they will much impact. -"People are very stressed, houses are expensive and so is education, a lot of people are off having a family" says a young executive. -Other people can have children. -me, it is important to have own money and time" says another young man of around 20 years old. -Men and women alike mention their careers, stress and the cost of property and as the reasons preventing them from having children. -So, much as the Government is trying to encourage its citizens to have children, when it comes to babies, the Singaporeans have the last -What is private offline is private online -Privacy. -According to the Spanish Royal Academy Dictionary, it means the quality of private life or "the level of privacy which a person is entitled to protect from any -What is privacy for an under 16? -How do you apply this definition to their daily life and social networks? -Do they understand the dangers they are exposed to by airing information over the Internet which they probably would not share offline? -ElPeriódico interviewed five aged between ten 15 years old who are frequent Internet -In four cases, they the term with "something very much mine" on a personal level, and "in the user name password" when to social networks. -"I wouldn't upload my secrets in a post" says Jorge, aged ten, when to explain the meaning of privacy on sites such as Facebook, Twitter, Hotmail and Windows Live Messenger, with which he has had accounts for two years. -"They are very secret secrets, I'll tell my mother, but not everybody" he says. -On FB I upload nice pictures or games. -And I have fun people I know. -"I wouldn't share a photo that isn't mine, that belongs to somebody who's doing something stupid" he says. -The child that it is bad to post obscene pictures of naked people, crimes, or write humiliating or aggressive comments. -Jorge says he knows the 35 friends he has on FB and his nine on Twitter. -Most are relatives. -His mother is included, and she has the password to one of the accounts. -I opened Twitter to express myself post interesting tweets. -"I don't know if they answer me, I only upload them" he adds. -networking is fun, I can talk quickly to relatives far away or my friends" says. -He does not hesitate to reply that he would never accept a request from an unknown person. -Nor would he take any notice of someone who recommends a stranger to him. -The case of Joseph, aged 14, is different. -This teenager has accounts with Hotmail, My Space and Ask, and in the last case he admits not knowing of the people added his friends -"It doesn't bother me, because we have something in common, like music" he says. -The boy says that no-one has suggested anything to him or asked him for his home address or phone number. -"If they pressured or asked me for I'd just delete them from account" he states. -Joseph became a follower on Ask, after reading a recommendation on Twitter. -This teenager is not alien to experiences of what is now known as cyberbullying. -An acquaintance of a friend of mine being pestered on a social network. -They were threatening him demanding money from him. -"I never found out who it was" he says. -The victim, according to José, did not close account. -"He just made it private." -He then explains a series of steps to the account safely. -Unlike Jorge, this would upload photos of acquaintances in uncomfortable or embarrassing -I do it if I didn't like somebody, or they made me want do it. -"However, I know that's cyberbullying" he -Key questions -Marielos Porras, an teacher with a degree in Education Learning, believes that to guide children and teenagers, they should understand that the purpose of social media is to inform. -"The Internet emerged as means of searching for information, but with the appearance of these websites, the rules of the game changed" he says. -Porras says the scholar Marc Prensky, a Master's degree in Education from Yale University and author of the work Digital Natives, Digital Immigrants, coined these terms to explain the phenomenon. -Digital natives are those children and young people born with technology. -"We are the digital immigrants who have to teach them, when we are still in fact learning" he -He says that the is complex, "because we are asking them to have a clear policy on what is appropriate or not to disclose, publish or divulge, an age at which maturity is not conducive to this." -"They also have to be selective when what matters most is to be popular and have thousands of friends, without thinking of the consequences" he adds. -According to the specialist, the most effective way to teach children and teenagers what privacy is, is through questions that make them -"Telling them not to do it is no good" he -Porras then some options: There are things you tell a stranger, so why do it online? -Or, would you like a friend to publish a photo of you like the one posted of a friend? -you know what others publish about you? -When tagging party photos, did you ask the other people's permission to tag them? -And one more question: does everyone need to know what you're doing all the time? -Another point is to make them see that they must behave as they offline. -The rules are the same. -"Outside the Internet, people act with respect, morality and other principles, so they should act the same way social networks" he says. -Monitoring -Stuart Guard, a university professor, primary school teacher and educational consultant, says it is essential for parents to read social policies thoroughly. -By understanding all the clauses, they have solid grounds talk to their children about the implications of opening online account. -"For example, the age at which you are allowed to share or publish" he says. -According to Guardia, it is important to remind children the "don't talk to strangers" lesson. -Unasur Summit closes without making public the Lima Declaration -The Sixth Presidential Summit of the South American Union of Nations (Unasur) concluded today in Peru without making public the Lima Declaration, previously announced and theoretically signed by the seven attendee leaders. -repeatedly tried to gain access to the document signed the UNASUR Meeting of Heads of State and but Presidential and Chancellery sources initially said they deliver it after the summit closed, but later they claimed that it will be published at some point on the Peruvian Government website. -When asked text, they pointed out that the content had disclosed by Peruvian President, Ollanta Humala, during a brief statement to the press. -Journalists' access to information from the Summit was restricted all times. -During the summit, in the press room, only video was aired, with no sound, showing the presidential meeting with the message "closed session, audio restricted." -The little information that reporters was given by the press spokesmen of some of the UNASUR governments attending the meeting, but the Peruvian Government. -The only released during the summit was the list of attending which angered hundreds of journalists from various national and international media, who more details. -The Peruvian President then sent an email to the media with the "final statement" of the summit, but this was Humala's statement, and not the official document that closed the summit. -Last October, Peru hosted the Summit of South American-Arab Countries (ASPA), and this time, repeated requests from the press, the previously announced Declaration again not made public. -The ASPA official website confirms that the document was last Tuesday. -At international events, the Peruvian authorities were pains to ensure that there were broadcasting systems assured for all the journalists, but limited the obtaining of a maximum. -The summit also concluded with joint commitment of Chile and Peru to accept a by the Hague Court to adjudicate a border dispute between the two countries. -The Presidents Peru, Ollanta Humala, and Chile, Sebastián Piñera, met during regional event and confirmed that they respect the of the International Court of Justice (ICJ), which on Monday, at The Hague, will start to hear the arguments of both parties, in the lawsuit Lima filed against Santiago. -"We will obey and execute the order that currently defines the differences we are bringing before this international court" said Humala, together with Chilean counterpart. -"Chile has been, is and will remain a country that respects international law and peaceful resolution of disputes, treaties and international courts" added Piñera, greeting Humala with a handshake, alongside the flags of the two countries. -Confirmation of both presidents that they submit to the ICJ came after Colombia this week denounced the Bogotá Pact, whereby it accepted to submit to the judgement of this international court, following a decision on its maritime boundary with Nicaragua which regarded as seriously flawed. -The summit was held with the absence of the Presidents of Brazil, Dilma Rousseff; Hugo Chavez; Bolivia, Evo Morales; and Argentina, Cristina Kirchner. -Paraguay, which was suspended by in 2011 after the dismissal of former President Fernando Lugo, was not involved in the meeting. -Host President Ollanta Humala was responsible for opening the session in the closing the summit, just after noon in Lima. -The President read the final document which reported that 16 agreements were adopted and the action plans laid down for 31 projects between the South American countries, for a total of 17 billion dollars of investments. -Among the resolutions adopted, it was that UNASUR take "important steps toward the goal of a South citizenship, for which residence agreements are being extended." -He reported that actions are being implemented to improve "cooperation in the fight against insecurity and transnational organised crime, actions to make medication more accessible, low-cost Internet access in all areas of South America, and to deal jointly and with risks of natural disasters." -With Europe in crisis, "economic consolidation (in Latin America) should not have a triumphalist attitude but should to expand its productive matrix and glimpse a better future for its people" Humala added. -"We decided to focus on a group of 31 flagship projects that will improve connection areas of South America, especially in rural and border areas... uniting countries and creating new economic networks" said the Peruvian President in a message read out. -Among these projects, he mentioned that five are in Peru and are located in the transverse of its territory, between the coast and Brazil, and two focus on increased connection with Ecuador, although he no further details. -Also, the final document mentioned the political situation in Paraguay. -"We hope the electoral process in that country serves to reincorporate it in the Union of South American Nations," from which it is currently excluded. -The need for Latin America to remain a prosperous, peaceful and integrated nation, with good neighbourly relations, was another issue highlighted by the summit. -In this sense, the President of Colombia, Juan Manuel Santos, said before the start of the regional event that he expected to meet with his counterpart from Nicaragua, Daniel Ortega, on Saturday in to respectfully discuss the maritime dispute after the failure of the ICJ, questioned by Bogota. -"The day after (Saturday) I might have a meeting with President Daniel Ortega" Santos -"We will review all these paths, [which] are not exclusive, and the treaty with Nicaragua will a conversation with Nicaragua" he emphasised. -"With President Ortega, I hope I can say that we handle this in the most civilised and respectful manner possible" said Santos. -Santos Ortega are due to meet on Saturday in Mexico, where they expect to attend the of the country's new President, Enrique Peña Nieto. -Also, as part the summit, the bloc's foreign defence ministers met in advance to approve the 2013 Action Plan, which seeks to strengthen dialogue and consensus on defence in the region. -Argentina, Bolivia, Colombia, Ecuador, Peru, Brazil, Uruguay, Chile, Guyana, Surinam and Paraguay make up UNASUR, although the latter currently suspended. -Peru has the pro tempore presidency of the regional bloc. -"South America should learn from Europe to integrate citizenship" says Rafael Correa -The President of Ecuador, Rafael Correa, said today that the creation of a common citizenship is a goal that "South America, in this case, must learn from Europe." -Correa, who took part in the Eleventh Presidential of the Union of South American Nations (UNASUR) held in Lima, told Peru's state television that Europeans "killed one another in the Second World War" and other conflicts, "but now practically one country." -To this end, he defended the project to establish South American citizenship encouraged by countries of UNASUR. -"We have to achieve free movement of citizens and workers for any South American as is already the situation with members of the Andean Community. However, there are still reactionary sectors that want us to return to the past" he said. -The Ecuadorian President was also in favour of the restructuring of the Organisation of American States (OAS) under the premise of reducing the influence of the Anglo-Saxon states and taking into account those who have signed the Pact of San José human rights. -Those who speak with authority commit to anything, whereas we South Americans sign everything. -"It is incomprehensible that Inter-American Commission Human Rights is in Washington under US funding" he said referring to Ecuador giving political asylum to WikiLeaks founder Julian Assange. -Correa said he does not that decision because with it he has not betrayed his principles, but has respected his "deep democratic and human rights values." -He added that, at the time, "he had reasonable suspicion Assange would be extradited another country and that his case would be respected." -Additionally, he criticised the Swedish courts for demanding he be subject to questioning for sexual offence in his country, when "Swedish legislation itself dictates that he can be questioned via videoconference, which could done from the Ecuadorian Embassy in London." -Correa said that there is a risk of deterioration of Assange's physical and mental health. -"I have not spoken to him since he was at our embassy, but the ambassador informed me that he had a minor lung problem, nothing serious" said the Ecuadorian President. -What there is, is the danger that his physical and mental health deteriorate due to being locked in a small space without any outdoor exercise. -"That would complicate the health of any person" he added. -Correa said that the solution to the asylum granted to Assange in June by the Ecuadorian in London, through the issue of a pass that permits travel to Ecuador, in the hands of Great Sweden and the European legal authorities, and stressed that there have been talks with London to seek a solution to the imprisonment of the WikiLeaks founder. -We do not negotiate with human rights, we do not use that word in this case, but there have been ongoing discussions. -"The solution to this problem in hands of Great Britain, Sweden and the European authorities, because Assange's lawyer, Baltazar Garzon, is handling a series of cases in different European courts" he said. -And he felt that "if Britain says no to the safe-conduct it's over." -And Sweden, as its legislation perfectly well allows it do, and as it has done in other cases, questions Mr Assange at the Embassy of Ecuador in London, him via Skype tomorrow, this is over. -Correa took the opportunity to reassert himself as a defender of freedom of the press and stated that what he does not tolerate is "the mediocrity, dishonesty and lies that undermine the of expression." -"The greatest enemies of the press freedom are not evil and wicked politicians, but bad journalists depending on profit, blackmail and extortion" he said. -In that regard, he welcomed the fact it was no longer these journalists, "or the bankers or bourgeois and hegemonic countries that dominate Ecuador" and said that, if re-elected, he will "step up the revolution to continue on the same path and in the right direction." -Correa also supported the decision to maintain the veto on in UNASUR, at least until their next elections, arguing that the body "must firm and tolerate opportunism and a coup masked with legality" because this will in fact "destroy the legitimacy of Paraguayan democracy." -The Ecuadorian President also considered the "perfectly pertinent" desire of his Colombian counterpart, Manuel Santos, to now negotiate with Nicaragua the maritime boundary between the two countries, after the ruling the International Court of Justice in The Hague, in favour Nicaraguan maritime sovereignty. -For now that ruling is not being followed. -It is a problem a South country and a Central American one. -Conflict is inevitable, but overcome by the desire to walk together. -They need to be processed in comprehensive manner to overcome them and move forward. -Additionally, he in a sound conclusion to the boundary dispute opposing Peru and Chile in the same court and that "it is right for Latin America to refer to international if both countries agree to losing, however hard it may be." -With reference to the possibility of his standing as a candidate in the upcoming presidential elections in Ecuador a third consecutive term, he said he sees that possibility "with much optimism and joy, although at times is pretty hard." -Correa said that if he loses the elections in February 2013, he will retire from public life. -Personally, I've never been interested in power, but in situations as as those in Ecuador, socio-economic poverty can only be corrected by political power. -"My political movement believed that it was me who that probable victory, so we have to accept that responsibility" he said. -If I won, it would be my last period in office and then I would leave public life. -If I lose, likewise. -"It's a decision" he confirmed. -Correa also referred to Venezuelan Hugo Chavez's new health treatment in Cuba. -just with Venezuelan Vice President Nicolás Maduro and he tells me Chavez went for treatment that was already planned, routine treatment, and it was expected he would win the and return to Cuba. -"This does not mean a health relapse for President Chavez" he said. -In Lima today, the Ecuadorian Head of State attended the Sixth Summit of Heads of State and Government of the Union of South American Nations (UNASUR), which concluded with calls for greater regional integration to sustain progress, equality and security. -Deaths caused by AIDS are nowadays due late detection -Fabrizio was 21 years old when they confirmed his test result: HIV positive. -"It was like a bomb dropped he says, recalling the time of the announcement, which the doctor was trying to make "softer," apparently unsuccessfully. -The boy hid it from his family. -He decided to illness alone and began to learn about it; thanks to his efforts he has just celebrated his 43rd birthday. -He is undoubtedly one the oldest patients in HIV Unit of the Guadalajara Civil Hospital (CHG), where he arrived in 1994 after several battles with health. -Fabrizio has lived with the human immunodeficiency virus (HIV) for 22 years, hard to imagine in the early '90s, when there were many questions, few treatment options and a deal of stigma. -Then, even the of an IMSS [Mexican Social Security clinic refused to discharge him "because he had a -At that time, having Aids was synonymous with death. -Now it is possible to survive the syndrome and do so with quality of -However, many people are still unaware of their illness, and seek help when the virus has caused havoc, "exhausted" their immune systems and they are suffering from opportunistic infections. -31 years of the onset of AIDS around the world, at least since the first reported cases, "the great achievement at this time is that the life expectancy patients starting treatment in good time and the life expectancy of the general population is exactly equal" stated the head of the CHG HIV Unit, Jaime Andrade Villanueva, saying that this information was endorsed in April this year in a prestigious scientific journal. -Infectious disease specialist and expert in HIV/AIDS, Andrade Villanueva said that 2008 scientists had concluded that AIDS was not a death sentence, but that life expectancy and of life depend on of damage to the immune system that patients present they are diagnosed, with a higher life expectancy for non-drug users: up to 30 years for with CD4 count and 50 years for those reporting a 500 count. -In simple terms, this means that anyone HIV positive 25 years old, under these terms and "as long as they keep under control, can live with no problems to 75" said the interviewee. -To gauge progress, it should be remembered that the average life expectancy of Mexicans today is 76 years. -Although mortality has dropped significantly in recent years and, in the case of Mexico, the number of people of has fallen from 6,678 in 2007 to 4,862 in 2011 (UNAIDS annual report), it true since the advent AIDS, 60 per cent of patients in the national database have died. -In Jalisco alone, only people died in 2011, and there have been 187 deaths up to May of this year; however, we are assured that there has been universal access to antiretroviral drugs since 2005. -Why are do still deaths occur? -- I think the problem is to do access to treatment. -That's how I view and that's how it's been at our hospital. -For at least the last 12 we've had no shortage of medicine, problem is that patients arrive in an advanced state of illness because they are unaware of their HIV status, that to say, the stages of the disease. -He gave a compelling statistic: "Nine out of ten patients arrive when they already have an opportunistic infection, so what needs to be done to have a greater impact on overall mortality is to make earlier diagnoses and, therefore, offer mass detection tests for who needs them. " -Specialists and officials of the State Council of AIDS Prevention Jalisco (COESIDA) agree on this proposal, as do the patients themselves, such as Fabrizio, who came to be tested at a private laboratory, motivated because a friend had done so despite his young age, he was around in the AIDS era and had even suffered Kaposi sarcoma, a cancerous tumour that is one of the common complications. -Everything changes when you know you have AIDS. -Some people think they're going to die and don't want to know anything. -"If I'm going to die, I'd rather have a blow-out three times a week" they say, but not in my case. -The change was the better; I eat well, I I my drugs. -To date, his parents are only aware he had cancer. -I live as normal a life as anyone else. -"I work, I part in a lot of I travel, I an active but responsible sex life, I take care of myself and the other person" Fabrizio, who agreed to share his intimate secrets with MILENIO JALISCO, to motivate those people with his story who today, in the context of World AIDS Day, are afraid. -They should get tested if they are at risk. because the sooner they know if they are HIV positive, the better, and if they have already been diagnosed, they must learn to live like any other person, while being responsible. -This is his message, which summarises the theme of the fight against AIDS in 2012. -Condoms behind the counter. -The gaps between health programmes and ordinary citizens are huge, said Ricardo Salazar, a journalist from Guadalajara who has taken up the HIV cause. -And the greatest cure is prevention. -In places dedicated to this task "the distribution of condoms has actually increased; previously, they used to give us one or two, now they give a hundred, and that's fine, but it out there are still people out there have no access condoms" he said. -Among the most vulnerable to new infections are teenagers. -"Why do you want them?" is a common question, asked with sarcasm and according to the values of social workers, counsellors, pharmacy workers and healthcare staff who do not want to expose to sex, said the speaker. -It was decided to change such inefficient allocation, and that condoms should not only be placed behind but packets of one should found in public toilet dispensers in places frequented by young people. -This is not promoting promiscuity. -It is about paying for their beers motel fees, as Governor Emilio Gonzalez said, when asked if there would be distribution of condoms during his administration. -"And it's not about sexuality, but it is best to provide condoms to those already practising sexual activity" he said. -Jalisco key points -There are 13,435 cumulative cases (12,158 AIDS and 1,317 HIV). -The state is 4th in the nation in new and cumulative cases of AIDS and 13th in HIV. -92% of new infections are through sex, 6% via the bloodstream and 2% perinatal. -An estimated 50,000 people may be living with HIV, as for each registered case there around 4-5 people who not know they are positive. -Ratified by a United States court of appeal, a judgement which ignores the of the Vitro Group's debt achieved via a bankruptcy in Mexico, the scenario is an ominous precedent for any national company with offices in the neighbouring country that has solvency problems. -It seems, then, that the proceedings in support of survival of firms permit Mexican law are not valid in land of stars and stripes, contrary to international conventions. -In practical terms, the endorsement of the judgement delivered on 15 June by Judge Harlin Hale the Bankruptcy Court of the Northern District of Texas, leaves Mexican firms defenceless against possible seizure of their outside of Mexico. -However, the decision opens the door for the leading glass manufacturer in Mexico to appeal to the Supreme Court of the United States, claiming three inconsistencies. -From start, while the trial judge notes that creditors should be governed by United States the Court of Appeal for the Fifth Circuit, in New Orleans, states that the main action is the insolvency action handled in Mexico. -The first would involve ignoring international procedural cooperation in cases of insolvency of companies with transnational -Indeed, the UN Model Law for International Trade Law Uniformity was created for this purpose, with American Law Institute positioned as arbitrator. -Secondly, the judgement establishes that without the intercompany vote, with the debts the Vitro subsidiaries had with their parent company recognised in the critical mass of the the majority needed to approve the restructuring might not be achieved. -However, law recognises the possibility. -In fact, the Vitro case was the first one in which the scheme was accepted. -There are half a dozen examples, including Agremex and Commercial Mexicana, whose intercompany debts were endorsed by the Federal Bankruptcy Institute. -What is also certain is that, not including the votes of subsidiaries, the Vitro creditors who fought against it in the courts, namely "vulture" such as Aurelios Capital, Aurelios Convergence, Elliot International and Limited, did not achieve a -The was percent versus 37. -This data is omitted by the Court of Appeal. -From another perspective, the latter blames Vitro for the difficult situation it has faced since 2008, while trying to avoid the severe economic crisis faced by United States, turning its on the country. -For now, the Gonzalez Sada family firm has lodged a motion for reconsideration before the Court of Appeal for the vote to reach the plenary of the court, that is, the five judges, given that only three voted previously. -Should this fail, an appeal for review by a higher court, in this case the US Court, will be filed. -The real problem is that the court bypassed a document sent by the Government of Mexico in the capacity of amicus curiae ("friend of the Court"), which details the procedure followed by Vitro under the framework of the Commercial Insolvency Law, noting that the discharged itself with adherence to the agreements signed by the two countries to link it with Chapter 15 of the Bankruptcy Act of the United States. -Moreover, it should be noted that the country yielded to the principles the United Nations Commission on International Trade, is the rules set for cross-border insolvency cases, ensuring fairness for debtors and creditors. -Double whammy: Vitro hit and country hit. -Balance Sheet -With complaints put on the table by the unions of Mexicana Airlines against the former owner of the company, Gastón Azcárraga Andrade, who is accused of mismanagement, dormant for several months, the Airline Pilots Union Association already found the bottleneck. -The proceedings headed by Carlos Diaz Chavez Morineau has just filed a criminal complaint against the National Securities Commission, which is accused of obstructing -The claim is that the supervisory authority has consistently refused to provide to the Attorney General's Office on a transaction carried out by the employer remove 198 million pesos from trust F/589 of Banco IXE, on behalf of de Aviación. -The resources were apparently channelled towards the purchase of shares in the Administradora Profesional de Hoteles. -As you know, Azcarraga Andrade is the main shareholder of the Posadas hotel chain. -Opposing Dragon Mart -A group of local and foreign environmentalists, academics, businessmen and members of the public gathered at the weekend at a forum at the University of the Caribbean to approve the creation of a broad front to oppose the opening of the Chinese Dragon Mart in Cancun. -As you know, we are talking about a huge sales and distribution centre in Mexico, Central America and the Caribbean, selling Chinese products, with a residential area at the bottom for employees of 150 companies. -Previously, Canacintra had managed to unite the governors of the southeast of Mexico to oppose the building that destroyed part of protected area and represents the mother of all threats to industry. -The of ACTA -Government ignored an order of Senate to explain under what terms and conditions the Mexican Ambassador in Japan signed the Anti-Counterfeiting Agreement, known by its acronym ACTA, according to the Mexican Institute of Industrial Property, and the matter has been archived. -As you know, the action was taken even though the Senate had ruled out the possibility, deeming it an infringement of freedom of expression on social networks. -term -In effort to repay long-term debt without affecting short-term debt, the housing developer Homex is placing securities exchange certificates on the market for 500 million pesos. -The issue is the first of four identical issues which are offering to repay interest every 28 days. -Birth of Competival -A consortium under the name Competival has just been established, the companies NYCE, e-Quality and Kernet, leaders information technology, objective of which will be to market the services of software clusters in Central and South America. -Investments in this area exceed USD 1.5 billion. -Hector "Hetin" Reyes: has been my life" -Basketball globetrotter Hector "Hetin" Reyes was involved in the sport for over 60 years and, thanks to it, travelled the world. -Few people in Puerto Rico have a mental recollection of local basketball history as broad as that of Héctor "Hetin" Reyes. -Reyes was immersed in the sport for over 60 years before confined to a wheelchair in 2008 following a stroke; he was a minor league player, National Superior Basketball player, BSN representative and manager with the Bayamón Vaqueros or President of the Basketball Federation. -wore lots of hats in basketball throughout my life, including several at the same time, like when I was president of the BSN, general manager and federative president the Team during the '90s," recalled Reyes during Primera Hora's visit to his home in Bayamón, where he lives with Isabel, his loyal wife for over 50 years. -"Basketball has been my life." -Reyes is not exaggerating when makes that statement. -The walls of his house are almost totally decorated with pictures and memorabilia denoting his long career, which goes to prove it. -Bayamón at heart -Of them all, the ones he with the most emotion are the ones that remind him of his time spent with the Vaqueros, from the mid-50s as a player until 1982, when completed 15 years serving as co-agent or agent the franchise. -"Those were my best years, the ones I enjoyed the most because I had the opportunity to be part of the Vaqueros' eight championships, since 1967, either as agent, co-agent or manager. -There were many good years, the five consecutive championships from 1971 to 1975. -And then I said goodbye with one in 1981, Jerome debut year in the BSN. -"Cuco" Ortiz took over - he was a great manager" said Reyes. -I remember that Bartow, who had directed here and was at the University of Alabama (Birmingham), said to 'I've got a very strong player you, 6'7" tall. -Do you want him?' -And that the beginning of Mincy, one of the best players Puerto Rico ever had. -Bartow then recommended the sharpshooter Gausse Raymond, who established residency here and was one of our best shooters. -remember him saying that if Mincy had given Bayamon one championship, Gausse would help get another. -The Vaqueros' championship with Gausse was enjoyed, but from a distance, because in 1988 he was already becoming a federative bigshot. -that time, he preferred to enjoy his own and Mincy's accomplishments in the national team. -I remember we beat the United States for the first time during the 1989 Pre-Olympics in Mexico. -Then came the 1990 World Cup, where came fourth and it should have been bronze, but for the Canadian referee who made us repeat the final for the second time, said Reyes. -Is the 1990 World National Team the best you've ever seen? -It's one of the best, as good the one that beat the Dream Team in the 2004 Olympics. -However, my favourite was the one in the 1991 Pan American Games in Cuba, when we won gold and gave the US team a beating, which was quite similar to the time we won bronze at World Cup. -That team not only again included Gausse, Ramon Rivas, Fico López and 'Piculín' (Ortiz), but also the young (Javier) 'Toñito' Colón and James Carter, the Leon brothers Edgar) and Mario 'Quijote' Morales, who was kept out of the 90 team by a knee injury. -A team that maybe was not best terms of members, but which gave us a gold medal and was a great joy to work with, was the 1995 Pre-Olympic team in Neuquen, Argentina. -With role players such as 'Canito' Nieves, Pablo Alicea and the young Rolando Hourruitiner replacing the players suspended after shambles of the Mar del Plata Games, we won gold against all the odds. -Who was the best Puerto Rican player? -Without any doubt, Piculín Ortiz. -His numbers at international tournament level are awesome. -Nobody in Puerto Rico dominated at that like Piculín did. -Not to mention his career in the various he played in. -Who was the best Puerto Rican manager? -That's a one. -We had very good team, including Julio Toro, Flor Melendez, Carlos Morales, Raymond Dalmau, Armandito Torres. -Of the youngsters, I really like the work of Leo Arill. -What do you consider your greatest achievement in the federation? -Having been part of National Team's most glorious era between 1988 and 1995 and in the early 90s the BSN had up 17 teams in a season. -What was there left for you to -There were things I'd have liked to implement, such as regionalising the minor leagues. -For example, the boys of Ponce only play in their area and only get to face teams from other parts of the island in the national playoffs. -Right now the riding and playing too much, unnecessarily. -At least I see the of and a course for leaders, table officials and referees. -That pleases me. -What are you doing now? -most I do is listen to music, watch music videos from my era on YouTube, enjoy my grandchildren and occasionally go to basketball games. -And of course, enjoy the company of my wife, Elizabeth, who has always been with me. -Larry Hagman dies -Larry Hagman, born on 21 September 1931 Fort Worth (Texas), became world famous for role as John Ross Ewing, better known as "JR," in the television series "Dallas," in which he played a ruthless, malicious and manipulative businessman. -Larry whose role as oil tycoon JR Ewing in the television series "Dallas" became a symbol of greed in the 1980s, has died. -He was 81. -Hagman, who returned this year as JR in a new season of "Dallas," died on Friday afternoon of cancer complications, according to a family statement provided to the Associated Press by the Warner Bros., producer of "Dallas." -"Larry was back in his hometown of Dallas, once again representing the iconic role he most liked" the family said. -Larry's family and closest friends were with him in Dallas for the Thanksgiving Day holiday. -Linda Gray, who played wife in the original series and the sequel, was with Hagman when he died in a hospital in Dallas, said her publicist, Jeffrey Lane. -He brought joy to all who knew him. -He was creative, generous, funny, loving and talented, and I will miss him -"He was an original guy and lived to the full" Gray in a statement. -Hagman diagnosed with cirrhosis the liver in 1992 admitted that he had drunk a over the years. -In 1995 a malignant tumour as in his liver and he underwent a transplant. -Years before "Dallas," Hagman became famous on television as a decent guy the light "I Dream of Jeannie," aired on NBC from 1965 to 1970. -He played Captain Tony Nelson, an astronaut whose life is changed when he meets an attractive genie, played Barbara Eden, and takes her home to live him. -He also starred in two sitcoms that were not aired for long, "The Good (NBC, 1971-72) and "Here We Go Again" (ABC, 1973). -His work included roles received by critics in "The Group," "Harry and Tonto" and "Primary Colors." -But it was his masterful interpretation of delightfully detestable JR that led to Hagman reaching his peak of stardom. -The drama series on CBS about the Ewing clan and other characters in their orbit aired from April 1978 to May 1991. -The tagline "Who shot JR?," designed to generate hype around an episode full of emotions in which Hagman's character is nearly killed, international speculation and millions of risky dollars wagered in gaming establishments. -It also helped give the series a at the time. -When the answer was revealed in an episode in November 1980, an average of 41 million viewers tuned in and made "Dallas" the second most watched entertainment programme in history, after the final episode of "MASH" in 1983, which had 50 million viewers. -It was JR's sister-in-law Kristin (played by Mary Crosby) who shot him. -JR got her pregnant then threatened to say she was a prostitute unless she left town, but there were others who also had reasons to attack him. -Hagman portrayed Ewing as a corrupt insatiable man with a charismatic smile: a dishonest entrepreneur and cheating husband who tried to have his alcoholic wife, Sue Ellen (Linda Gray), sectioned. -"I know what I want on JR's tombstone" Hagman said in 1988. -It should read: "Here lies the honest citizen JR Ewing." -This is the only deal he lost. -Victoria Principal, co-star of the original series, recalled Hagman on Friday as someone "huge, on and off screen." -He is unforgettable and irreplaceable, for millions of fans around the and in the hearts of each one of us who was fortunate enough to know and love him. -Ten episodes of the edition of "Dallas" were broadcast a few months ago with great success for TNT. -He had already finished recording five for the second series and a sixth was in process, the reported. -Immediately after, there was no statement from Warner or TNT about how the would handle the loss of Hagman. -Hagman, born in Fort Worth, Texas, was the son of and singer Mary Martin, who starred in classics such as "South Pacific" and "Peter Pan." -was still a teenager when she had him in 1931 during her marriage to lawyer Ben Hagman. -He tried his luck in the New York theatre scene the early '50s, and later served in the Air Force from 1952 to 1956, in England. -While he met the young Swedish designer Maj Axelsson and married her. -The couple had two sons, Preston and Heidi, and lived for a long time in the Californian city Malibu, home to many celebrities. -In 2001, he called his memoirs "Hello Darlin': Tall Absolutely True) Tales About My Life." -"I didn't put anything in it that I hurt anyone or affect them in any he told Associated Press at the time. -After his liver transplant, he became an organ donation promoter and worked as a volunteer at a hospital, fearful patients. -"I advise them, encourage them, meet with them when they come for their surgery, and afterwards" he said in 1996. -I try to some comfort, such as "Don't be afraid, it will be a little uncomfortable for a short time, but then you'll be fine." -He was also an anti-smoking activist and took part in several campaigns. -Start of a course that explores the "End of the World" -Each week, students explore apocalyptic themes such as nuclear war, zombies, viruses and germs, and global warming. -This term, when Professor of religion, Stuart Charmé, decided to give a course on end of the world, he knew he had a compelling hook: The end of the "long of the Mayan calendar, 21 which had convinced many people that the end of the world was coming. -But Charmé had no idea what awaited him over the next couple of months: The cataclysmic hurricane Sandy, a fiscal precipice some called "debt Armageddon" and a growing conflict involving Israel, where end-of-the-world Christians theorists think the Apocalypse will begin. -"I didn't realise this was going to be the most apocalyptic term ever" said Charmé week to students at Rutgers-Camden University (New Jersey). -If you look at what has been happening in the world today as if we were at 30 days and this has been a really good period. -And remember that bad is good for those with an apocalyptic mentality. -And he is the only professor offers courses on the "end of the world" this term, theoretically last in history. -At Temple, Associate Professor Barry Vacker is giving the course "Media, Culture and the end of the world." -Each week, students explore apocalyptic themes such as nuclear war, zombies, viruses and germs, and global warming. -"We looked at why these ideas proliferate over time" he said, and how they offer hypothetical scenarios that guide human behaviour. -If nuclear material into the hands of for example, a war could break out. -This month students analysed movies with an apocalyptic theme and explored how they compare with real-life examples. -"I've tried to inform students about what is possible, probable, credible and impossible" said Vacker. -At the main Pennsylvania State University campus, Latin American History Professor Matthew Restall, and his Amara Solari, an Associate Art and Anthropology Professor, have teamed up to give a called simply "The end the world." -"We don't add '2012' so we always have the option of running course again, if the world doesn't come to an end" said Restall. -Despite the "impending doom," students to study, undertake projects and take final exams. -At Penn State, the final exam will on the eve of the Apocalypse, which students no choice but to work the very night the world is supposed to end" Restall. -The proved quite popular. -"It was fully booked within two hours" said Restall, on his course for students with high averages, which was filled with 35 students. -We received emails for weeks and weeks before the start of the term, from people asking if there were any places. -Students, meanwhile, say the course is one of the most interesting around. -"I find it fascinating to see what people do to themselves" said Bridgid Robinson, a 23-year-old post-graduate Religion and Sociology student from Haddonfield, New Jersey, at Rutgers-Camden. -And the secular or religious mentality is just a matter consolation or lack of it. -Will Wekesa, a 25-year-old post-graduate Psychology and Nursing student, said he had seen the apocalyptic movies. -"I'd never heard of a class that could teach it" he said. -I enjoy it. -But none the students interviewed - much less any said they believed in the end date of December 21st. -"Our first project was about the Mayan prophecy and to a certain extent we discredited it" said Julie Zeglen, a 21-year-old final year student at Temple, from West Chester. -The Mayans never predicted the end of the world: it is just a key point in the calendar, said Restall. -But he said that Western culture suffers from apocalyptic anxiety, which goes back several centuries, in which people react to changes them predicting the of the world. -The Internet has caused a boom these speculations. -"In other places, people don't think about it" he said. -It's mostly in the English-speaking world. -Joseph Dougherty, a Professor of religion at La Salle University, who is giving courses in the this year, responded quickly to the question of whether he knew about any courses the "end of the world" there. -"The Philippines are not taking part in the end of the he suggesting an exception a higher authority. -We have an indulgence from the Pope. -Restall noted that over the years there has been talk of many days of the last judgement, and said that if nothing happens on December 21st, "people will immediately start thinking of the next date" or philosophising that December 21st is beginning of a seven-year period after which the world will end. -Students and teachers are taking the date lightly. -Some said they plan to go to "end of the world" parties. -"Maybe I'll call some friends so we can have a laugh together" Samira Ford, 20-year-old student. diff --git a/tests/data/pred_real/train.real b/tests/data/pred_real/train.real deleted file mode 100644 index 1ad39240fd0b..000000000000 --- a/tests/data/pred_real/train.real +++ /dev/null @@ -1,3000 +0,0 @@ -A Republican strategy to counter the re-election of Obama -Republican leaders justified their policy by the need to combat electoral fraud. -However, the Brennan Centre considers this a myth, stating that electoral fraud is rarer in the United States than the number of people killed by lightning. -Indeed, Republican lawyers identified only 300 cases of electoral fraud in the United States in a decade. -One thing is certain: these new provisions will have a negative impact on voter turn-out. -In this sense, the measures will partially undermine the American democratic system. -Unlike in Canada, the American States are responsible for the organisation of federal elections in the United States. -It is in this spirit that a majority of American governments have passed new laws since 2009 making the registration or voting process more difficult. -This phenomenon gained momentum following the November 2010 elections, which saw 675 new Republican representatives added in 26 States. -As a result, 180 bills restricting the exercise of the right to vote in 41 States were introduced in 2011 alone. -The new election laws require voters to show a photo ID card and proof of US citizenship. -Furthermore, these laws also reduce early voting periods, invalidate the right to register as a voter on election day and withdraw the right to vote of citizens with a criminal record. -Before the 2006 elections, no US State required voters to show a photo ID card. -Indiana was the first State to impose such a requirement. -In 2008, the Supreme Court of the United States upheld the constitutionality of the Indiana law. -The Republican authorities were quick to extend this practice to other States. -Over the past two years, they sponsored bills in 34 States to force voters to show a photo ID card. -It is important to note that, unlike Quebec, American citizens do not have a universal ID card such as the health insurance card. -In fact, 11% of American citizens, i.e. 21 million people of voting age, do not possess a photo ID card issued by a government agency of their State. -In addition, five million new voters in 2012 do not have such identification. -And it often costs over a hundred dollars to obtain the required identity card. -The new restrictions disproportionately affect young people, minorities and people with low incomes. -In fact, 25% of African Americans, 15% of those earning less than $35,000; 18% of citizens over 65 and 20% of voters 18 to 29 years old do not have the required photo ID card. -And that's not all. -Students, voters considered to be voting more for Democratic candidates, are not allowed in several States to use the photo ID card issued by their institution. -On the other hand, these same States allow fishing or hunting club members, who vote more Republican, to use the cards issued by these clubs when they vote. -Prior to 2004, no State required proof of citizenship to vote. -Arizona was the first to introduce such a requirement. -Since 2011, a dozen States have adopted laws requiring voters to prove they are American citizens. -These measures are clearly intended to limit the Hispanic vote. -However, it appears that two out of three Hispanic voters favour the Democratic party. -What is more, in 2011 Republican legislators sponsored laws abolishing the registration of voters on election day in eight States. -In addition, they limited the right of individuals and groups to provide assistance to voters wishing to register. -These restrictions are not without consequence. -For example, during the 2004 general election, voter registration campaigns contributed to registering around 10 million citizens. -However, the measures adopted since 2009 have led to a 17% drop in the registration rate of new voters in 2010 compared to 2006. -In addition, Republican legislators have enacted laws in five other States aimed at reducing the early voting period. -For example, during the 2008 general election in Florida, 33% of early voters were African-Americans, who accounted however for only 13% of voters in the State. -The same applied to Hispanics. -These represented only 11% of voters, but 24% of citizens who voted early. -On the other hand, 76% of voters were white but these represented only 46% of early voters. -Of course, Democratic legislators and their supporters vigorously opposed the adoption of laws restricting voter registration. -Several bills were blocked by vetoes of Democratic governors. -The United States Attorney General intervened to suspend the most controversial laws. -They were able to partially limit the damage. -For example, only 16 out of 34 States have adopted laws requiring the presentation of a photo ID card. -However, the new rules put in place will undoubtedly make it more difficult to exercise the right to vote in 2012. -Democratic critics denounce the partisan character of the laws that have been passed and they see a clear objective of influencing the 2012 results in key States. -A 2011 Brennan Centre report shows that the States that have adopted these laws represent 171 of the 270 votes needed in the electoral college to win the Presidency. -It is too early to say with certainty that these legislative changes in the electoral system will have significant impacts on the outcome of the 2012 presidential elections. -But one thing is certain: these new provisions will have a negative impact on the turn-out. -In this sense, the measures will partially undermine the American democratic system. -Prostate cancer screening: take the test or not? -Indeed, the PSA test sometimes shows erroneous results with false negative or even false positive results, which involve unnecessary medical interventions. -Enough to make already reluctant men hesitate to take screening tests. -Take the test or not? -We asked two specialists for their opinion. -In studies conducted in the United States, there was a lot of contamination between control groups, so it is difficult to interpret the data and make firm recommendations. -Another study, this time a European one, concluded that there was a difference in mortality between patients who were screened and those who were not. -This study also showed, with a follow-up after 12 years, that it is between 30 and 40% more likely for metastases to occur in the absence of screening. -I therefore recommend the test from age 50, or 40 if you have a direct relative who previously had prostate cancer. -African-American men are also more at risk. -The key is to make the right decision once cancer has been detected. -There are aggressive cancers and others that are indolent. -The patient really needs to be made to understand the degree of risk of his cancer, by offering him the options available, not necessarily treating prostate cancers that are not long-term life threatening, and opting instead, in such cases, for active monitoring of the disease. -Today, many men in whom cancer has been detected will not be treated because their cancer is not aggressive and is not life threatening. -Active monitoring will be suggested, and if the disease progresses, they will be offered treatment. -More and more, specific criteria are being determined in order to decide who should or should not be treated. -Therefore I recommend taking the test. -But the important thing is to have a discussion with your doctor to determine whether or not to take it. -In collaboration with the Société internationale d'urologie [SIU], Movember has created a tool that makes it possible to evaluate the pros and cons of the PSA test. -You can download the document (in English for the time being, a [French] translation will be available shortly) at this address: http://ca.movember.com/fr/mens-health/prostate-cancer-screening -Preventing the disease -Unfortunately, there is no miracle recipe for preventing cancer. -Despite the progress in research, the adoption of healthy living habits remains the best way to reduce the risk of suffering from it. -It is estimated that if everyone ate well and exercised enough, 30% of cancers could be prevented. -"If no more people smoked, this rate would increase to at least 50%," says André Beaulieu, spokesman for the Canadian Cancer Society. -On the other hand, it is estimated that roughly 10% of cancers are hereditary. -Some are also completely unexplained. -For the Canadian Cancer Society, the fight against tobacco remains a priority, despite the decrease in the number of smokers. -Cigarettes are linked to 85% of lung cancer cases. -It is also a risk factor for a number of others. -This massively damages people's health. -"Even today, there are 1.5 million smokers in Quebec" deplores spokesperson André Beaulieu. -Encouraging data: 10 years after giving up smoking, the risk of dying from cancer drops by half. -Weight -Overweight and obesity are also conducive to the onset of the disease, according to the SCC. -They can increase the risks of cancer of the breast, colon and rectum, oesophagus, pancreas and uterus. -"Research shows that the regular practice of physical activity throughout your life protects against colon cancer" it is also said. -Diet -The organisation also recommends limiting your consumption of red meat. -In large amounts, it increases the risks of developing colo-rectal cancer. -Likewise, so do cured meat products, and these should be avoided. -The conservation of meat by smoking, drying or curing can cause the formation of carcinogens. -"They can damage cells in the body and lead to the development of cancer" it is explained. -Vitamins -In recent years, a number of scientists have studied the links between vitamin supplements and cancer. -For the time being however their research is inconclusive. -Studies on vitamin E are contradictory, according to the SCC. -While one study noted a decrease in the risk of prostate cancer, another noted an increase. -Also the effect of vitamin D on cancer is not clear. -In addition, Mr Beaulieu emphasises the importance of discussing your concerns and family history with your doctor. -"Taking a screening test doesn't give you cancer." -The Higgs boson revealed -The announcement of the probable discovery of the Higgs boson created quite a stir last summer, and with good reason. -Indeed, it is believed that this boson is part of the mechanism responsible for the mass of everything in the Universe, no less. -Also it is the last particle whose existence is predicted by the Standard Model - our best or "less worse" explanation of the nature and behaviour of matter - but which has not yet been observed empirically. -But for physicists, it is still not completely sure that it really is the Higgs. -We know without a shadow of a doubt that it is a new authentic particle, and greatly resembles the Higgs boson predicted by the Standard Model. -In addition, new data unveiled this week at a large physics Congress in Kyoto seem to confirm this, but there are still insufficient data to be perfectly sure. -But let's suppose that it really is the Higgs, since the chances of being mistaken seem slim, and see what it is. -In our world, there is a fatally unavoidable law which states that two things cannot meet at the same place at the same time. -There's no way to break this rule - and don't try too hard, you'll go mad. -However, even though particle physics is a very strange world, it turns out that it also has a law of the same kind: the Pauli exclusion principle, which states that two particles cannot occupy the same space at the same time if they are in the same "quantum state" - this "state" consisting roughly of certain of their characteristics. -Based on this, physicists classify particles into two categories. -In one corner we have good citizens called fermions, who wisely obey the Pauli principle. -While lurking in the other are the bosons, a nasty band of anarchists who respect nothing - at all events, not this principle, which means that they can indeed be found in the same place at the same time. -These bosons are then divided into two groups, according to the Berkeley Labs Particle Adventure site (absolutely extraordinary, by the way): mesons, which we will not discuss here, and "force particles" by which the great forces of nature are propagated and to which the Higgs boson may be somehow related. -These bosons, it must be stressed here, are not all such exotic bugs as you might think. -In fact, if you can read this article, it is thanks to an extraordinarily banal boson: the photon, or the "light particle" which is the "messenger" of the electromagnetic force. -When, in fact, a particle having an electric charge accelerates or changes direction, this "disturbs" the electromagnetic field in this specific place, rather like a pebble thrown in a pond. -This "disturbance" produces an electromagnetic wave (of light, infrared, ultraviolet etc.), and this wave is nothing other than a photon - and thus one of the "force carrier" bosons. -More stable field -The same applies to the Higgs boson, with the difference that it is another field, the Higgs field, which must be "disturbed" for the boson to appear. -Now, this Higgs field is much, much more stable than the electromagnetic field; to excite it, it is necessary to achieve very, very high energy levels, rather like a frozen pond which would need a very large rock to wrinkle the surface. -Which is why a huge particle accelerator like the one at CERN - the Large Hadron Collider is a ring with a 27km circumference! - is needed to achieve such energy levels. -The analogy with the electromagnetic field is again useful for explaining the relationship between the Higgs and mass. -In fact not all particles, or all materials, interact with the electromagnetic field. -Some, such as magnets, do so, but others don't - a piece of paper, for example, will never stick to a fridge. -And likewise, not all particles interact with the Higgs field: those that do so have mass, while the others (such as the photon) do not. -Now, what is it that all this research "can bring"? asks Ms Plamondon. -For science, it serves to check the validity of the Standard Model (SM), and also allows physicians to examine any discrepancies between the observations and predictions of the SM. -A number of people, moreover, fervently hope that some will be found, because the slightest difference could open a door to a "new physics" and plug certain holes in the Model. -This, it must be said, still has huge shortcomings, offering no explanation for gravity (oops!) or dark matter, which forms approximately 80% of the matter in the Universe (re-oops!). -But to date no such discrepancies have been found at CERN. -Repercussions -The repercussions of this research on the daily life of the man in the street are more difficult to predict, but it would be wrong to assume that there won't be any. -Remember: in the very early 60s, the pioneers of the laser at Bell Laboratories did not suspect the revolution that would be triggered by their work. -They had an inkling of the scientific applications, but nothing as to the rest. -In fact, the late Willard Boyle - a physicist who worked at Bell Labs, where the laser was invented in 1960, and who himself developed the first continuous laser (the first were pulsed) in 1962 - told us that initially the laser was rather seen as a "lab gadget." -Just imagine... -And then, applications can also come from all the instrumentation that surrounds research. -For example, the same Willard Boyle developed a small light sensor in 1969, during his work in optics. -This sensor, although this was not at all the original intention, now serves as an "eye" to all digital cameras worldwide, and earned him the Nobel physics prize in 2009. -This does not of course mean that the activities of the LHC will necessarily transform our lives, but it does mean that, actually, you never know... -Palliative care - The best way to die... | Le Devoir -With its Dying with Dignity Commission, Quebec recently discussed the delicate issue of the end of life. -The debate is due to resume shortly as a bill is being prepared. -However, in this vital area, much remains to be done. -Le Devoir attempted to look more closely. -Just a few weeks ago Mr L. lived alone in his Montérégie apartment. -The festering prostate cancer had allowed him a two-year respite. -"They gave me five years to live, I've made it to seven," he says, with mixed emotions, lying in his bed at the Victor-Gadbois palliative care home in Beloeil, where he arrived the previous day. -"But it's still a shock, you can never be prepared for it" he adds. -The disease is doing its work: huge weakness which prevents him going to the toilet alone, and even eating alone. -Sitting in front of an appetising lunch, he consents to being helped to eat, resigned. -Courageous, he even manages to smile, talks to the strangers bustling around him, bringing him his medication, offering him a bath. -The courage of ordinary death. -"What I want most is to be cured of my diarrhoea, it's humiliating" he confided. -A few hours later, the team found a cure for this illness. -"During our lives, we learn that a man pisses standing up," says Pierre Brodeur, psychologist at the Victor-Gadbois home. -Regressing to the stage of a child, for some people, is an unacceptable humiliation. -"It depends on the person's ability" to accept the regression, he says. -Because, in the opinion of a number of people working in palliative care, great moments occur at the very heart of such regression. -Patients at the Victor-Gadbois palliative care home all suffer from cancer. -They have a maximum life expectancy of three months. -At this stage, the team of doctors and nurses surrounding them no longer provides so-called "curative" care. -For Mrs A., 89 years old, the worst fear is to die "conscious and suffocating." -But the disease has made me discover my children. -"I have fine children" she adds. -"I don't wish for anything more in life" she says, before accepting having a mask put on to help her breathe. -She looks forward nevertheless, in the next few days, to a last visit by her son coming from Italy. -At Victor-Gadbois, a group of volunteers provides bodily care and help with feeding. -This is palliative care, given when there is nothing else that can be done. -To make death more comfortable. -In Quebec, there are palliative care beds for 11,700 inhabitants. -This is very few when we know that we will all die one day. -Here, life continues under the best possible conditions, explains Dr Christiane Martel, one of the doctors at the home. -Whether at a physical comfort, emotional or spiritual level. -A person who is dying will accept being helped to drink brandy or Pepsi, whatever is their tipple. -Diabetics no longer need to control their blood sugar. -And death is part of everyday life. -Yesterday evening, a beer was served to Mr X, who died during the night. -This morning, it is his son who will finish the beer at the feet of the deceased. -"We help relatives as much as patients" says Nathalie Savard, Director of Care. -At the Victor-Gadbois home, one day follows another but no two are alike. -Along with a 93-year-old man who is savouring his last meeting with his family, sitting firmly wedged in his pillows while toasts are drunk in his honour, a 36-year-young man is dying tragically, surrounded by his parents, his wife and his two young children, after having tried everything to survive. -"For six months, there have always been three to five beds which are occupied by cancer patients less than 45 years old" says a concerned Dr Christiane Martel. -53% of patients admitted to the Victor-Gadbois home come from their homes, 47% from hospital. -Lack of access to palliative care -It is said that 77% of Canadians simply have no access to palliative care, which is care designed to ease the pain when a patient has reached the terminal stage of life, be it at home, in hospital or in a care home. -And a number of organisations, such as the Victor-Gadbois home and the Palliative Care Society in Greater Montreal, specialise more or less exclusively in care provided to cancer patients. -It is precisely this large gap in Quebec health care which has made a number of palliative care physicians fear the adoption of a law on euthanasia and assisted suicide. -Since October, a manifesto, signed by palliative care luminaries including Dr Balfour Mount and Dr Bernard Lapointe, has been circulating to demonstrate their opposition to such an initiative. -According to Dr Christiane Martel, the Quebec health system is not effective enough to ensure that everyone will be entitled to quality palliative care before it is accepted to proceed to euthanasia. -Recently, she says, I saw a patient spend 14 days in emergency, in great pain, without anything being done to ease her suffering. -I'm afraid that patients ask to die because they don't receive adequate care. -And at the same time, some oncologists work relentlessly on their patients until the last day, despite the worst prognoses. -Hélène Richard's survival hopes were already minimal when she ended her gruelling chemotherapy. -When I announced to my oncologist that I was stopping the treatment, she told me she regretted that I had given up fighting, she said. -However, she had told me I was finished! -No all-powerful care -Dr Martel believes that 90% of patients asking to die thank care-givers for not having acceded to their request after they have been relieved of their pain by a palliative care team. -But it must be said that palliative care is not absolutely all-powerful in the treatment of pain. -According to Elsie Monereau, Palliative Care Director with the Palliative Care Society in Greater Montreal, patients are resistant to treatment against pain in 8% of cases. -At the very end of life, physicians then often resort to palliative sedation, which is equivalent to putting the patient to sleep until the time of death, either sporadically or permanently. -We can no longer pretend not to understand this part of their suffering. -Increasingly, an unrelieved patient will have the option of having such palliative sedation. -Patients who are not relieved always say the same thing: "I want to die." -But this does not necessarily mean "I want you to euthanise me," it means "I want to be relieved." -This report was made possible thanks to a journalism award from the Canada health research institutes. -Widespread real estate scandals in Quebec -Day after day highway officials, building contractors, political party fund-raisers and Italian mafia specialists tell what they know of a formidable "system," combining the building industry, government officials, politicians, trade unionists and organised crime. -An "industry" which has cost Quebec taxpayers dearly, especially in the 1990s and 2000s. -"It is curious how the system is crumbling since we took drastic measures" says Jacques Duchesneau ironically, a Quebec politician and former Montreal Chief of Police. -It was through him that the scandal broke in 2011, in an in-depth investigation into corruption related to road construction contracts in Quebec, to which the liberal Prime Minister at the time, Jean Charest, had consented only reluctantly. -The "Duchesneau report" established a direct link between industry, under-the-table financing of parties and bribery of officials. -"Since the inquiry opened in 2010, he says, the Ministry of Transport alone reportedly saved a billion dollars on contracts," with certain people curbing their instincts to get a share! -The Charbonneau Commission "has already brought down two mayors" he adds, hoping that it will succeed in "revealing the schemes behind the individuals." -A permanent anti-corruption unit, created in 2011 -The Permanent Anti-Corruption Unit, created in 2011, is also coupled with its army of government analysts, investigators, and auditors. -Plus the "Marteau squad" policemen who, since 2009, have apparently led the Montreal "sewer cartel" to soft pedal on the inflation of contracts... -In recent weeks, it has conducted a series of searches and brought charges of fraud and corruption against municipal politicians, such as Frank Zampino and Richard Marcotte, Mayor of a suburban town. -Next on the list is apparently Gilles Vaillancourt, who has just resigned from his post as Mayor of Laval, third largest city in Quebec. -He is suspected of pocketing repeated bribes in exchange for public contracts. -Others formally accused are Montreal highway engineers and Italian entrepreneurs, including Tony Accurso and Lino Zambito. -The latter caused a sensation by explaining the mechanics of the public contracts "system" to the commission. -He himself paid 3% of the value of the contracts obtained in Montreal to an intermediary linked to the mafia who in turn paid the money to Union Montréal, Mayor Gérald Tremblay's party. -Mr Zambito has handed money out freely in the 2000s, giving over 88,000 Canadian dollars (roughly 68,000 euros) to provincial parties, especially the Liberals then in power. -He also admitted having organised an illegal fundraiser for former Liberal Deputy-Prime Minister, Nathalie Normandeau. -Sewer contracts with inflated costs -In Montreal, the corruption "system" ran smoothly. -Gilles Surprenant, former public works engineer, described it in detail in front of the commission: in ten years, he received from construction companies gifts, invitations to trips, golf tournaments, restaurants, hockey matches and bribes totalling 736,000 dollars, in exchange for sewer contracts of which he inflated the costs. -Other highway officials admitted having their palms greased by inflating invoices by 30 to 40%, and by false add-ons. -Then an organiser of the Mayor's party, Martin Dumont, accused Mr Tremblay of having deliberately closed his eyes to a parallel budget feeding his coffers with dirty money. -Following these revelations, Mr Tremblay resigned in early November, plunging Montreal into a major crisis. -Chantal Rouleau was one of the first women in Montreal to raise the alarm. -Mayor of the borough of Rivière-des-Prairies, to the East of the island, she protested in 2010 against the sale of municipal land bought for 5 million dollars and resold for... 1.6 million to developers, at the height of the real estate boom. -70% dirty money in election campaigns -On the investigation which will eventually be implemented, she says she "is following a thread in order to find out how the system - infiltrated by ants - works, to put a stop to the gangrene and catch the culprits." -The process, she says, is "painful but positive." -The wound is being cleaned, but Montreal would need its own investigative unit with ongoing monitoring, to avoid the return of these questionable practices. -How to clean house. -Properly. -Jacques Duchesneau notes for his part that "officials stole hundreds of millions of dollars," but he is especially concerned about the role of "elected people aware of the scheme," when they were not up to their necks in the scam! -Estimating the share of dirty money in the financing of election campaigns in Quebec at 70%, he says dryly: "I was told that it was only a pale reflection of reality." -The Quebec government proposes to limit donations to parties to 100 dollars, but this will not change the situation, he says: "Until election expenses are strictly limited, there will be dirty money in politics." -He advocates a complete overhaul of the system for granting public contracts and party funding: "We can't go any lower; getting to the bottom of things, with courage, will help to rebuild the house on more solid foundations, with more controls and laws." -Although this story tarnishes the international image of Quebec and Montreal, Mr Duchesneau invites anyone laughing to look in their own backyard... -"PSG is not FC Barcelona!" -This season, you have taken on a new stature with PSG. -How do you explain this progression? -It can be explained by individual awareness but also by the new dimension of PSG. -Some great players have arrived. -Every day I'm making progress alongside them. -The technical staff has also brought me a lot. -Day by day, all these things help me raise my level of play. -And, in a match, it's easier. -Everything moves very fast in football. -But I don't get worked up. -From my debut at the Clairefontaine INF pre-training centre to my transfer to Saint-Etienne, I've always moved step by step. -So you benefit from the competition brought in by Carlo Ancelotti... -This summer's recruits are used to playing matches at a high level. -They also know that every training session is crucial. -Which is what makes a player like me want to face up and give my best. -On the other hand, Carlo Ancelotti gives me a lot as regards my position. -He's supported by deputies like Claude Makelele, who played in the same position as me. -Is Ancelotti the man for the job? -Definitely. -Ancelotti inspires respect among all the experts. -Today he has no equal in Ligue 1, and he's one of the best coaches in Europe. -He has masses of experience and has won many titles with top clubs. -He's worked with great players. -I think he will bring more titles to Paris. -In January, I had an encouraging discussion with him. -I was just coming back from a series of injuries. -The confidence he gives me also explains my performance. -What importance do you attach to the first part of the season for PSG? -In Ligue 1, Lyon overtook us at the top. -But we're waiting on the sidelines. -One of our main goals is the Champions League: we qualified for the last 16 in the right way. -What is the club's goal in this competition? -We'll try to go as far as possible. -From now on, anything can happen. -But we'll have something to say against some very good European teams. -First of all, we want to finish top in our pool, ahead of Porto, to have home advantage in the last 16 match. -Can PSG become a top European club in the short term? -It already has the budget... -To become a top European club, Paris needs to win titles and keep it up over time. -Today, this isn't the case. -Financially, PSG has the means to make it happen. -In Ligue 1, would not winning the title, like last season, be a big failure? -Definitely, it would be a major disappointment. -This year, we're really committed to winning the championship. -We weren't far away last season. -In May, there was great disappointment because we were good enough to finish first. -It was a terrific season. -We finished with 79 points. -Normally, 79 points is good enough to be top... -But another team, Montpellier, had an even more fantastic season. -I think this is the year. -Even if big teams like Marseille, Lyon and Bordeaux are competing for the title, I think we have the weapons to win. -Do you think the media expect too much of PSG? -It's normal for them to expect a lot from us given what's been invested and the players we have. -We totally accept it. -After we won 4-0 at home against Troyes and they still found things to blame us for, that's definitely a bit frustrating. -You wonder what more people expect. -You're never going to win 4-0 every weekend. -We're not FC Barcelona! -We're trying to implement a game project. -It takes time to build a team. -The Champions League proved we could hold our own. -Look at Manchester City who, for two seasons, have failed to qualify for the last 16, despite also having spent huge amounts! -Based on the amounts invested, you should be 15 points ahead at the winter break! -That would be to ignore our opponents and the French Championship. -Lyon and Marseille, who were no good last season, were "boosted" by the new PSG. -This shows that Ligue 1 is exciting. -I hope that in May we will be able to smile in saying that, despite all the difficulties, we finally did it. -PSG seem totally dependent on the exploits of Zlatan Ibrahimovic. -So much so that people say there is a "Zlatan dependence." -This means Ibrahimovic is very successful and scores a lot of goals. -That's why he came, and he's proving he's the star of Ligue 1. -He's demonstrated everywhere he went that he was a great player, a world star. -Within the group, we respect the man and the player. -And also he respects the men he has around him. -What he has done is truly exceptional. -It pushes others to raise their level of play. -Thiago Silva, who is one of the best defenders in the world, also helps everyone else progress. -How did you get on in Euro 2012 with the France team? -A disappointment. -I really wanted to play in this Euro. -Unfortunately, my injury prevented me from getting any game time. -I saw some things there and came out stronger. -Today, I'm playing well in selection matches. -Which is what I've been hoping for since my baptism with the Blues. -I've learned the lessons from what happened in the Ukraine and I now owe it to myself to have exemplary behaviour. -What do think about Didier Deschamps's first few months in charge of the Blues? -He has the results he wanted. -We're well placed in the World qualifying group. -The coach is tough, close to the players, and inspires them to win. -Like Laurent Blanc was. -But I don't want to make any comparisons. -Blanc had achieved his goal when we qualified for the Euro. -I hope Didier Deschamps will take the Blues to Brazil. -Did the good draw (1-1) snatched in Spain, on 16 October, represent a founding match? -That match gave us confidence. -Everybody fought for everybody. -Before that shock in Spain, I'd never experienced such a match in my career. -With Bitcoin, pay and sell without banks -The opposite of current monetary exchanges, based on central banks, identified transactions and processing fees among the parties involved. -In addition, as often in these technologies, a political vision is palpable: the belief that the current monetary system, made up of banking monopolies, leads to financial crises. -In fact, Bitcoin, invented by Satoshi Nakamoto (a pseudonym), is both a virtual currency (but convertible into dollars, euros) and a secure exchange protocol like BitTorrent, which allows peer-to-peer file exchange. -Around 200,000 transactions have already been recorded via 15,000 computers on the network. -Close to a thousand web sites accept bitcoins as donations or means of payment. -The bitcoin exchange rate, after reaching a peak of 30 dollars (23 euros) in June 2011, fell to 2 dollars five months later, returning today to around a dozen dollars (rates are listed on the bitcoincharts.com site). -Nothing very impressive, compared to global transactions in real currency or financial products. -However, the European Central Bank (ECB) took an interest in it in a report on virtual currencies published in October. -It describes bitcoin as "the most successful virtual currency," "in competition with the dollar or the euro" and "similar to conventional currencies." -Bitcoin differs from other types of virtual currency such as 'credits', used to progress in a video game which you win by playing or which you can buy (and sometimes exchange in return). -The social network Facebook has also developed this kind of system. -But, on each occasion, a central authority controls and handles the exchanges. -With Bitcoin, all nodes in the network are both custodians of the book of accounts, auditors, currency issuers, and buyers and sellers. -How does the network operate? -Each transaction between two users is actually carried out between two electronic addresses like with an e-mail. -Except that a user can choose a different address for each payment, thereby ensuring anonymity. -A set of information associated with this transaction is signed electronically by a dual-key encryption system. -So the network can verify the authenticity of the transaction. -Using the contents of the file, it is also possible to ensure that the exchanged bitcoins exist in the public book of accounts, broadcast across the entire network. -The key step is entering the new transaction in the book. -It passes through the resolution of a mathematical challenge issued to the computers, and the winner, a kind of interim central banker, will have the privilege of adding this extra line. -This is a file hashing phase, i.e. the transformation of a large file into a shorter and unique digital imprint. -Computers "take" the new transaction and add a number to it, then "hash" it all up. -The goal being to find the number that gives a special imprint (lots of zeros at the beginning). -Once this number has been found, the other nodes can easily check that it is the right one. -The transaction is then indestructibly linked to the chain of all the other transactions; any modification would alter the imprint. -If a user wanted to defraud by paying twice with the same money very quickly (less than ten minutes), only one of the two transactions would be validated by the network - the other would remain an orphan because the two have different imprints. -The computer that resolves the challenge wins 50 bitcoins. -To avoid inflation, this award is regularly divided by two, probably by the end of 2012. -The number of bitcoins in circulation is therefore limited to 21 million, but they are divisible down to the hundred millionth, which leaves some margin... -The difficulty of the challenge is also raised with each increase in computing power. -The life of the network has had its ups and downs. -Websites providing services for Bitcoin have been attacked and bitcoins in deposits stolen. -"The loophole used is not the protocol itself" says Pierre Noizat reassuringly, who has just launched Paymium, a real currency payment company that uses the Bitcoin network. -The ECB also highlights the possibilities of money laundering using this anonymous service. -But cash also has this weakness. -Major players like Wikipedia refuse donations of this nature. -Others, such as the WordPress blog platform, accept them. -Recently, Adi Shamir and Dorit Ron, from the Weizmann Institute in Israel, analysed the accounting books and showed that almost 80% of bitcoins do not circulate. -In November, "huge sell-offs" were launched. -"Thirty thousand dollars were exchanged" welcomes Jon Holmquist, who works for Coinabul, which converts bitcoins to gold. -Pierre Noizat, also author of an educational book on this currency, has a lot of faith in the potential of this technology as a transaction network. -His system, Paytunia, is equivalent to a credit card (in real money) or a contactless payment by mobile, but it uses Bitcoin to validate transactions, which are thus cheaper. -Also the user manages his identity and can therefore be anonymous. -The system is easy to implement by merchants, who do not need to install new terminals or software. -They just need to provide an address that a phone can "photograph and recognise" says Pierre Noizat, who confirms he has thousands of users. -There is a general movement to reappraise hierarchical systems for more horizontal systems. -"It will take time for Bitcoin to become firmly established, but 2013 could be a turning point," he predicts. -The ECB, in its report, says it will reassess the various risks, currently regarded as high, in the event of the currency's success. -We got out of Afghanistan. -What now? -French troops have left their area of responsibility in Afghanistan (Kapisa and Surobi). -NATO and the Americans are due to follow in late 2014. -It is time for the Afghan army to resume possession of its territory and the Afghan people to choose their future, without expecting us to do everything. -It is mainly Afghan peasants that we have punished by regarding them as terrorists. -And ourselves, with our 88 soldiers killed, plus the wounded, the maimed. -The Taliban is composed of foreign extremists, former leaders in refuge in Pakistan, but often peasants who refuse the presence of foreign armed forces, like in the time of the Soviets. -They want to defend their traditions, both ancient and archaic, even though they have been joined by Jihadists, Pakistanis, Arabs, Uzbeks, Tajiks. -Tolerated, sometimes assisted, by local insurgents, the latter will no longer be so when Westerners become more scarce. -The departure of French troops from the Nijrab base, which I observed from the top of hills of almond trees planted with French funding, was carried out in an orderly fashion. -Convoys of trucks and armoured vehicles reached Kabul without being attacked, overflown by helicopters. -There will be no wave of the Taliban in Kabul by the end of 2014. -Circumstances have changed since their irresistible advance between 1994 and 1996. -At that time Kabul was empty, the country being torn apart by the struggles between different factions. -Their takeover of the country had been perceived then as a sort of liberation, a return to safety. -Afghanis paid the price of the obscurantism of these peasants by the organisation of Al-Qaeda, but their situation has not improved today. -Former Mujahidin, the Afghan Government and the current Taliban are allied in the desire to keep women in an inferior position. -The main anti-Soviet war leaders returned to power in 2001. -They became profiteers, seizing government land to resell as building land to refugees returning from Iran and Pakistan, benefiting from huge American outsourcing contracts. -They have become discredited; what is more, most of them did not fight themselves. -The people, as I heard in the countryside, want a Government that is not made up of thieves. -Many young people want to leave, as those who were able to benefit from American largesse will leave: the flight of capital is considerable. -The young people are tired of war and its ideologies. -They have rubbed shoulders with the modern world during their exile in Iran or Pakistan, and appreciated the benefits. -Roughly 65% of the population is less than 25; Kabul now has 5 million people, a fifth of the total population. -In towns and cities, the state schools are full, with girls and boys alike. -It will be necessary to provide work for those young people who no longer want to return to the obscurantism of the former parties or the corruption of certain leaders. -All of them, including the armed opponents, are partial to mobile phones; television, with its Turkish soap operas that show a modern world, is followed everywhere. -The army is now present. -Will the authorities who command it be considered legitimate? -Former commanders of the anti-Soviet struggle are already thinking about restoring provincial militias, which will escape the central power. -Afghanistan, land of mountains, with strong local identities, should be able to benefit from a certain decentralisation, in the image of the Western nations, but the United States wanted to turn it into a centralised State, with strong presidential power, abolishing the post of Prime Minister, which had existed since the 1964 Constitution. -President Karzai does not want any foreign controls, particularly on the occasion of the elections in April 2014. -But, since the 50s and already well before, his country has been dependent on foreign aid. -No industries have been re-established, no dams are in good condition, no major irrigation systems have been repaired. -Everything is imported; nothing is produced, apart from fruit and vegetables. -The Priority is left to private initiative. -In a country ruined by thirty years of war, government control over the infrastructure would have been necessary. -The rumour was spread that Afghanistan had huge mineral wealth. -This only added to the feeling that the Westerners were only there to seize it. -With no energy to process the iron ore or copper on site, or means of transport to export it across the mountains, there is no mining. -The Chinese have already almost left the Mes Aynak copper mine, leaving international archaeologists (funded by the World Bank) to search the huge Buddhist site and remain the largest employers in the province. -One day it will also be necessary for Afghanistan and Pakistan, on which imports and exports largely depend, to restore normal relations. -The departure of French combat troops was completed on 20 November. -The new cooperation treaty provides for the continuation of traditional aid: girls' high school, boys' high school, French Department at the University, French Institute, cooperation in the military, legal, medical and agricultural fields, support to the archaeological Delegation. -Since 2009, to try to "win hearts and minds" and achieve the impossible task of reconciling aid and offensive actions, a "civil-military actions" service from the Ministry of defence (Cimic), closed in 2012, has carried out, and continues to carry out successfully, through a small French NGO, many community and agricultural rehabilitation projects in dozens of mountain villages. -These projects, involving large numbers of local labour, have helped to contain the insurgency: irrigation, wells, drinking water, reforestation, fruit trees, soil protection and increase in cultivable areas. -What will we leave as a souvenir, after two billion euros of military spending? -A much more modest budget would contribute to improving local living conditions, which are very hard in these valleys often located over 2,000 metres above sea level. -The Embassy has received dozens of written requests for small agricultural projects from local communities in Kapisa province. -To be in a position to free themselves from the uprising led by foreign groups, which is what farmers told me they want, a small amount of civil aid should be maintained in their favour, well controlled and directly affecting them. -A Constitution by force in Egypt -A new gamble for President Mohammed Morsi. -While Egypt remains more divided than ever around the constitutional declaration, which temporarily grants him full powers, he has decided to go for broke. -Taking everyone by surprise, he announced on Wednesday that the Constituent Assembly would vote on its final text the following day. -Just a week ago, the head of State had given the Assembly two more months to finish its work. -For two years Egypt has relied on a provisional text, amended several times and this has weakened institutional stability and led to legal imbroglios. -This new initiative has only served to enhance the divide in the country. -According to his opponents, the President is persevering in his "autocratic delirium," continuing to "go back on his word" and 'trample the law." -His supporters affirm that this is the quickest way to put an end to the institutional and political crisis, by speeding up the transition process. -A referendum is due to be held within the next two weeks. -A very short period, which forces the Brothers to abandon their plan to explain the text, article by article, to the Egyptians. -For the President, it is also a way to achieve popular and democratic legitimacy while the dispute rages throughout the country. -Mohammed Morsi seems convinced that Egyptians will vote favourably, as he stated in an interview with the American weekly Time. -Particularly since a hasty vote smacks of an ultimatum to the Egyptian people: "Either you vote for my text, or I keep full powers," these powers supposedly expiring following adoption of the Constitution. -It was in a strange atmosphere that 85 members of the Constituent Assembly, with a large Islamist majority, voted on the text yesterday. -Most of the liberals were missing. -In mid-November, shortly before the constitutional declaration, they had slammed the door, feeling they had failed to assert their views. -Representatives of human rights, religious minorities or civil society had done likewise. -In order to obtain a quorum, 11 members, alternates, were hastily added yesterday morning. -Some of them are very close to the Muslim Brotherhood. -Not surprisingly, the articles were for the most part voted unanimously. -Commentators were also amused that one of the only diversions of the day was expressed with regard to... the hour of prayer, some Committee members feeling that the Constituent Assembly clock was wrong. -The text, which was still being voted on yesterday evening, has 234 articles. -The main focus of attention, article 2, remains in the final analysis identical to that of the 1971 Constitution, stipulating that "the principles of sharia are the main source of law." -The Salafist parties, for which the establishment of Islamic law is a major claim, were hoping to replace "the principles" by "the rules," which would have allowed stricter application. -For the Islamists, the fact that this article was not amended is a guarantee of their goodwill and their respect for the other elements of Egyptian society. -"Hypocrisy" respond the liberals, who see only a communication coup. -Because in their opinion Islamisation of the Constitution is done through other articles. -They refer in particular to article 220, which grants Al-Azhar University an advisory role, with particular reference to verifying the conformity of the laws with sharia. -According to Egypt specialist Sophie Pommier, this is worrying because "the people called upon to advise are not elected and have no democratic legitimacy. -This suggests the beginnings of a theocracy." -The liberals' fears are also fuelled by the fact that the next Rector of the university will probably be much less moderate than the current one. -"For the time being, there is no concrete religious implication. -With this Constitution, things remain under civil rule. -Most of the lawyers who worked on this text are not Islamic law scholars but academics, some trained in the French system" qualifies Alexis Blouet, who is writing a thesis on the Egyptian constitutional transition. -But he acknowledges that "there may be some ambiguity regarding article 220, because the terms used borrow from the religious vocabulary. -Reference is made in particular to "fiqh" [Islamic jurisprudence, Editor's note]. -And the question could be asked in future to what extent civil judges are competent to pronounce on it." -Beyond its religious aspect, the text voted on yesterday is highly criticised due to the extensive powers it grants to the President of the Republic. -The Muslim Brothers argue that they are significantly reduced compared to what they were under the former regime. -Another issue: the powers conferred on the army. -In accordance with the wishes of the military, the Defence budget review will be not submitted to Parliament, but to a National Defence Council. -Nor will trials of civilians will be banned in military tribunals, as requested by associations for the defence of human rights. -Who also voice their concerns about the text, which they consider repressive. -The offence of blasphemy is maintained and insults are now prohibited, which could have serious consequences on freedom of expression, particularly for the press. -In addition, no longer does any of the articles refer to the protection of women, highlights Heba Morayef, from Human Rights Watch. -In her opinion, the only positive point is the prohibition of torture in article 36. -The word was not included in the previous Constitution. -While the Egyptian President was speaking yesterday evening on television, demonstrations are planned for this afternoon. -Supporters of the Head of State will march on Saturday. -In Israel, holy places await Ukrainian tourists, the omphalos and a sea of saline water -The Holy Land combines the splendour of biblical truths, modern comfort and primeval nature. -AiF [Argumenti i Fakti] newspaper highlighted the five most important reasons why it is a must to visit Israel. -Let's worship the holy places -It is worth visiting the River Jordan where Jesus was baptized. -It is considered that all who enter this baptism "bath" are blessed by God. -Galilee is the place where Jesus performed his magic: turned water into wine at a wedding, walked on water, calmed a storm, and filled the nets. -This is also where Jesus came before his disciples and after the resurrection. -But the biggest number of holy places is in Jerusalem. -Believers walk through the Way of Grief or Via Dolorosa. -It starts by the Antonia Fortress - Praetorium - where the judgement took place, and brings us along the streets of the Old Town to the Church of the Holy Sepulchre on Golgotha - the place of the crucifixion, Stone of Unction and the place of Jesus' burial. -This is also the location of the symbolic Christian omphalos, which symbolizes the salvation of mankind. -The Holy Cross Monastery in Jerusalem is erected at the site that, according to Christian legend, yielded the tree used to make the cross for Jesus' crucifixion. -Jerusalem has the most holy places for the Jews as well - the Wailing Wall, which remained from a temple destroyed by the Romans in 70 AD. -According to tradition, people of different faiths leave notes here with their wishes, which are then fulfilled. -Travel along a vertical -Ruins of the Massada Fortress remain from a secret refuge from enemies, built by Herod in 25 BC for his family. -They are located on cliffs in the mountains at an elevation of 450 m above sea level. -They can be reached on foot only by those who are into mountain climbing. -Others are delivered to this historical mountaintop by a cableway. -In the north of the country, at an elevation of 1600-2040 m, there is a famous ski resort called Hermon, which fills up with tourists in winter months. -A shuttle bus brings people to it from the foot of the mountain. -The total length of ski pistes is 45 km. -According to an ancient legend, pagan gods used to live on the mountain. -Visit unique museums -This country has about 300 museums. -You won't be able to visit all of them on one trip -But at least the five most interesting ones are worth a visit. -Among them - Museum of Israel, located close to Knesset (Parliament). -It has ancient Qumran manuscripts and Dead Sea scrolls found in the caves of the Judean desert, along with about 500,000 archaeological and anthropological artefacts. -The Museum of Art in Tel-Aviv is also interesting. -Its exhibits include a wide range of impressionists and expressionists like Monet, Pissarro, Renoir, Sisley, Cezanne, Matisse, Modigliani, Chagall, Picasso. -In Akko, you can visit the bath museum Al-Basha, which consists of several rooms of ancient Turkish baths with models of visitors and bath attendants of the time. -In Caesarea, it is worth visiting the unique private Ralli Museum, where you can enjoy the sculptures of Dali and Rodin. -There are no tour guides or gift shops. -Entry is free of charge, and contributions are strictly not allowed. -The fifth one is the Holocaust Museum or Yad Vashem in Tel-Aviv, which tells one of the most dramatic stories in history. -The most tragic section is the children's memorial, built in memory of 1.5 million children killed in concentration camps and gas chambers. -You go in and find yourself in complete darkness. -Stars are glimmering, -and you listen to names of Jewish children and countries where they died. -Ukraine is mentioned there too. -Wellness -There are three resort areas in Israel, located on the coasts of the Mediterranean, Red, and Dead Seas. -Each have swimming pools, aqua parks, dolphinaria and oceanaria. -It is notable that one can swim in the Red Sea even in winter months, because the water temperature does not drop below 21 degrees and the air warms to 23 degrees. -The Dead Sea is even warmer, and people swim in it all year round. -Incidentally, it is the most unusual sea in the world, located in the lowest point of the planet - 417 m below sea level. -Its azure water is saline and easily keeps you afloat, even if you don't know how to swim. -The surrounding landscapes are surreal in their beauty. -People come here to undergo a course of treatment using salt water - wraps and medicinal muds, and to improve their health if they have dermatitis, allergies, asthmas, eczemas, arthritis, bronchitis, or diabetes, or to return emotional balance. -Touch the mysteries of antiquity -They are preserved in the old section of Tel-Aviv - in the town of Jaffa on the Mediterranean Sea. -The famous sea route connecting Egypt, Syria, Anatolia, and Mesopotamia runs through it. -The city is mentioned in ancient Greek and ancient Egyptian legends. -According to legends, this is where Noah built his ark and Perseus saved the beauty Andromeda, with whom he lived a long and happy life. -Tourists really like to wander the narrow streets named after signs of the zodiac. -They say, if you touch the walls on the street of your sign, fortune will come to you. -In Jaffa, you can meet newlyweds who come from all over Israel and even from other countries for photo sessions. -And in Caesarea - the city of King Herod - you can walk around a Roman theatre, "capture" the Crusader fortress. -During the Roman period, Caesarea was the main city of Judea and the residence of Roman prefects, including Pontius Pilate. -The carefully restored theatre is now used for evening concerts and opera performances. -A note for the tourist -When you go to Israel, don't worry about your bad English knowledge: approximately 30% of the country's population speaks Russian. -For the trip, it is better to take dollars, not euros, because they are easily exchanged for shekels (currently 1 dollar = 3.8 shekels). -City transportation is mainly buses, but Jerusalem has a high-speed tram, and Haifa has the only subway line in the country, comprising six stops and connecting upper town with lower. -In essence, it is an underground cable railway. -A ticket for any type of city transportation costs 6 shekels, and you can ride for 1.5 hours with transfers. -According to the Jewish tradition, Sabbath is celebrated in Israel. -Between Friday evening and the sunset on Saturday, markets, stores, and public transportation stop working. -The work week starts on Sunday morning. -Many cafes, restaurants and hotels have only kosher food, with no pork, seafood, fish with no scales, or dishes that combine milk with meat. -There is a wide selection of dishes from lamb and beef, soups and desserts cooked using coconut milk, traditional Jewish hummus paste, various sauces, falafel (balls made of ground chickpeas), fruits and vegetables. -The streets of Israel don't have homeless dogs. -But there are many well-fed cats, which walk around lazily. -In the evening, they can even be seen sleeping on roofs of parked cars. -These pussycats like busy places and do not refuse treats. -Car rental, depending on car type, costs from 37 (Hyundai Getz) to 188 (Audi A6, Volvo S80) dollars a day. -Plus insurance of 15 dollars a day. -Bike rental costs 15 shekels a day. -Museum entrance costs 30 shekels on average. -In numbers -In 2012, over three million tourists from around the world visited Israel. -Visitors and holidaymakers arrive mostly from the USA, Russia, France, Germany, Italy, England, and Ukraine. -Between January and October 2012 118,800 Ukrainian tourists visited the Holy Land, which is 51% more than a similar figure in 2010, before the removal of the visa regime on February 9, 2011. -Only the "high and mighty" make it to Moscow: migrants save money for language -While deputies and human rights activists argue about the purpose of the law on mandatory language testing, the country already has scam artists who sell fake certificates. -Every year, 13 million migrant workers come to Moscow, St. Petersburg and other cities in Russia. -Mostly these are citizens of Central Asia: Uzbekistan, Tajikistan and Turkmenistan. -Their only goal is to earn money to support families back home. -A new law came into effect on December 1, which obliges every migrant worker to pass a Russian language test. -For the moment, this law applies only to those who intend to work in services, housing and utility services, household services, and retail. -But with time - as promised by the Federal Migration Service - tests will become mandatory for all non-residents. -In addition to language, Russian history and basics of the legal system will be tested. -Language knowledge will have to be confirmed both to receive and to extend the work permit. -An exception is in effect only for citizens of countries where Russian is a state language. -People who received education certificates and diplomas before the fall of the USSR in 1991 are also exempt under the law. -Purpose, doomed fate, and the protection of rights -Seven testing points will be operating under the auspices of the Pushkin Institute of Russian Language, Peoples' Friendship University of Russia, Moscow State University (MGU), St. Petersburg State University (SPbGU), and other Russian education institutions. -Migrants can take the tests in all cities; more than 160 such centres have been opened. -The initiative to introduce the testing was supported by State Duma members and the Federal Migration Services. -But human rights activists, asked the question repeatedly in the press before the law came into force: what will it actually achieve? -What will the obligation to know Russian change for the Russians and for the non-residents? -First of all, according to representatives of the migration service, this will allow to reduce the number of people suffering from labour slavery. -Many speak about protection of the rights of work migrants, explains the Head of the representative office of the Federal Migration Services of Russia, Viktor Sebelev. -Rights protection should begin before their departure. -Only the system of organized selection will enable us to solve 90% of the problems of foreign workers. -Migrants without profession, education, who do not know Russian, who do not have a medical certificate start to have problems. -If a migrant does not understand the language, says Sebelev with certainty, he is doomed to come across unconscientious people, who, pretending to help, will force upon him a "ticket" to terrible, cramped barracks where many others like him will suffer without food and documents, slaving away 12-14 hours a day. -We receive many complaints from our migrants. -"They are promised one thing at home, but when they arrive, they are lied to, their passports are taken, they are not paid what they were promised," confirms the Head of the Main Migrant Labour Administration of the Migration Service of Tajikistan Tolib Sharipov. -Not be angry, boss! -Nonetheless, many citizens of Central Asian countries, who plan to go to work in Russia, admit that not only their understanding of the language of the country where they are going is not good, but they can barely write in their own language. -Naturally, this is not so much their fault, but due to poverty: very few Turks, Uzbeks, and Tajiks can afford even a basic education. -Their families don't even have food to feed their children, not to mention decent clothing, shoes, and supplies. -After reaching adolescence, these kids go to work at the first opportunity. -It is hard, if language knowledge is bad, they admit. -"You feel humiliated and inferior." -But human rights activists note one important point about the law on language. -Testing will be conducted only for those migrants who have legal status. -If they have no status, there will be no testing, nor any official work in the future. -In the meantime, most of the migrant workers continue to live in Russia illegally. -"Welcome, or No Unauthorized Entry" -Many of the foreigners assert that receiving official status in our country is not that easy. -The reason lies in bureaucratic hurdles and the already mentioned language difficulties. -In addition, legalization costs money: from 12,000 to 16,000 rubles. -Whereas a fake registration is done quickly and costs only one and a half thousand. -Officers of the Russian Police know that we mainly have fake papers, without registration, hence the extortion. -"They ask for a hundred or two for cigarettes, tea," Umed Khushkadamov, a citizen of Tajikistan, shared with journalists. -"Roll up, don't be cheap, get your artwork" -On the first day of the law's entry into effect it turned out that not only migrant registration documents can be fake. -A few forged certificates about passing language tests have been seized by Federal Migration Services officers already. -Forged documents are printed on a standard colour printer. -Naturally, they were not free for their owners: each of the migrants, who had hoped to facilitate the task of passing the tests in this way paid seven thousand rubles for them. -It is two and a half times more than the process of official testing, which costs three thousand. -Government officials and human rights activists agree that the main goal in the near future is to protect the system from corruption, so that the certificates could not just be bought. -For the moment, the authorities can promise migrant workers who could not pass the test the first time to give time to complete a basic language course. -In addition, those who come without Russian language knowledge will be offered work in areas that do not require active communication with people. -The Ministry of the Interior does not put arms from the illegal market back into circulation -The share of crime involving legal weapons is extremely low -The Russian Ministry of the Interior is proposing to toughen up the law for owners of civil weapons. -This is the reaction of authorities to recent incidents: CLICK shots at weddings, where there were no casualties, and the massacre staged by Moscow lawyer Dmitry Vinogradov, resulting in CLICK the death of seven people. -Policemen want to prohibit the carrying of weapons in public places and raise the legal age of weapons licensing from 18 to 21. -The idea was supported by the head of the Duma Committee on Safety and Anti-Corruption, Irina Yarovaya, who promised that the amendments to the law on weapons will be brought to the State Duma in the near future. -Not everyone is happy that the Russian authorities are trying to fight the problem by "tightening the screws." -An open letter appeared online, whose authors - representatives of different social rifle organizations - demand to abandon the "senseless toughening." -The percentage of crime involving registered weapons is minimal, said criminal lawyer Vasily Lesnikov to BBC Russia. -According to the Ministry of the Interior's statistics, 142 crimes using firearms registered with law enforcement agencies have been committed in the six months of 2012, whereas 1,168,000 crimes have been recorded in total for this period. -Authors of the open letter are certain that the toughening of the law in the area of civil weapons will not prevent the criminal from going to the "black" market. -According to them, one can find any weapon at a low price right now. -Nonetheless, the Ministry of the Interior asserts that the situation of the spread of illegal arms is under control. -Suppliers: from plants to officers -The "black" market of weapons is replenished through several channels. -There are five such channels, explains retired colonel Viktor Baranets, who has worked in the Ministry of Education and the General Staff for 10 years. -Screenshot of the site that accepts orders for weapons. -First: "army or military loot," i.e. weapons that were stolen during the fighting in the Caucasus. -"Weapons were stolen by Russian officers and by the Caucasians," says Baranets. -Next are "black weapons," stolen by criminals from representatives of defence agencies. -Baranets explains that this covers weapons taken from police warehouses and those stolen directly from law enforcement agencies' employees. -Illegal arms are taken to be sold from military warehouses. -Explosions have often been heard at military warehouses. -"There are proven theories that some of the fires were intentional, in order to cover the shortage," says the former military man. -Manufacturers of weapons make their contribution, according to Baranets. -"There are so many private weapons factories now, which do not endure competition on the international market and throw weapons from under the counter to the black market, including in Moscow," says the expert. -Another source of the "black" market is trafficking. -An especially high number of guns and machine guns come from poor countries like Kyrgyzstan. -"There's production there, sometimes handmade; and a mafia has formed, which has organized a stream," explains the former military man. -Where do the weapons come from? -Experts counted the approximate share of each of the sources of supply of illegal weapons to the "black" market. -A report about this was prepared by the Centre of Problems Analysis and Public Management Planning in 2011. -Experts analysed the reports of the Department of the Interior and Rosstat, criminology literature and open data from portals on weapons. -The overwhelming majority of illegal weapons, according to the researchers, comes from the military and security forces. -Half of all arms on the black market are there "because of officials, whose work is connected with weapons," states the report. -According to researchers' data, 17% of the time the weapons are received from armed conflict areas, 14% is theft during production, 5% is "black archaeology." -A sales consultant of one of the weapons stores, who wished to remain anonymous, asserts that the weapons found by "black" diggers are not being bought any more, because they're too old. -According to him, dealers go to the military warehouse for a new batch of goods. -One piece, for example a TT gun can be bought from a warrant officer. -It is issued to him, and given through the fence. -"He takes it to the city and sells for 900 euros a piece with two magazines," he says. -"The truth is that police are aware of everything, that is why periodically, when the crime detection rate is low, it conducts test purchases from illegal weapons merchants," says the consultant. -"Like in a luxury store" -The buyer and seller often find each other through friends. -I looked at sites, blogs, till someone responded, offering me to go to Begovaya station, where a man will be waiting for me to take me to the "corner" so we can negotiate. -I found out the price of the weapon only there -military commentator Viktor Baranets -To get a weapon, I need someone with connections, says the sales consultant. - I have an acquaintance, but I'm not sure it's reliable. -There are salesmen on labour markets, but one needs to "come" there conditionally "from John Doe, who asked to tell that his daughter lost a tooth." -Right now, even if I need a few knuckledusters, I get them through someone I trust. -He also supplies them only to me, because he knows that I won't give him away. -Beginners look for weapons in different ways. -Former military man Viktor Baranets tried himself as a buyer of illegal weapons in the mid-1990's, when he was preparing to publish an article about this. -The formulas are still the same, according to him. -He was given an album of pictures with "anything and everything." -"I felt like I was in a luxury store," he recalls. -According to Baranets, the buyer is not offered a pig in a poke - you can try out everything. -I, the potential client, am not just buying; we go to the forest with the seller and set a target there. -"I am given the opportunity to shoot, and when I am certain that the weapon is good, we begin to negotiate," describes the expert. -Store on a sofa -Internet searches lead to sites and "Vkontakte" groups, where weapons "for different purposes" are on offer. -No documents or personal meetings are needed. -"It's enough to have a certain sum of money," says the advertisement heading on the website "Buy a pistol or rifle." -Users leave their requests and ask questions. -Can a minor buy? -"Without a license, of course," asks user "John" (name is changed). -"Want to buy a TT, Moscow," concisely requests "Fedorenkov." -Federal Security Service now spread a big network of fake sites and there are tons of potential buyers of military weapons. -People come like hungry fish to bait, and then mine coal in Siberia. -military commentator and former military man Viktor Baranets -I heard about this: normally the site is registered outside the area of applicability of the laws of Russia. -People accept orders. -The buyer pays at an ATM. -"In response, a photo is sent with instructions on where the weapon is hidden," says Press Secretary of the Rights to Weapons non-governmental organization Dmitry Kislov. -Viktor Baranets confirms that after leaving a request on the site you can stay without a weapon and go to jail. -The Federal Security Service now spreads a big network of fake sites and there are tons of potential buyers of military weapons. -"People are like hungry fish after bait, and end in Siberia mining coal," - he says. -Makarov for 100 dollars -When buying illegal firearms, 100 to 900 dollars is enough according to experts. -According to Dmitry Kislov from the Rights to Weapons organization, a Makarov gun can be acquired for 100-300 dollars. -The wait time is a month to a month and a half. -It is shipped from long-term storage warehouses by the mid-level management of these warehouses. -According to official statistics of the authorities, the number of such crimes in Russia on the whole dropped 7% as compared to January-October 2011, amounting to 22,900, while the number of cases of theft and extortion of weapons, ammunition, explosive substances and explosive devices dropped by 7.8%. -Fast-food and supermarket workers are on strike in the U.S.A. -Up to a fourth of all American teenagers have worked the cash register at McDonald's at one time or another -In the last few days, there is a wave of protest actions in the U.S.A. against low salaries in supermarkets of the Walmart chain and popular fast food chain restaurants like McDonald's, Burger King, Taco Bell, Wendy's and Kentucky Fried Chicken. -Right now, nobody is able to predict whether this wave will turn into the ninth wave or it is destined to fizzle out early. -Actions are being supported by unions and a series of left-wing organizations. -In addition to increasing the low wages received by employees of Walmart and fast food chains, the goal of the protesters is to create unions within them. -This sector of the economy is not covered by any union movement yet. -46 cents a year? -Actions began last week after Thanksgiving, on Black Friday, when massive sales drew millions of people in America, sometimes accompanied by clashes. -On this day, some employees of the Walmart corporation, which employs 2.2 million people around the world, left their workplaces and picketed together with the unions and left-wing activists from the corporation stores that sell products to people on low-to-medium incomes. -Walmart sells everything imaginable, from diapers, hunting rifles and car batteries, to vacuum cleaners, eggs and milk. -Products in its stores are on average 8% to 27% cheaper than in major supermarkets. -So many low-paid Walmart employees shop only at their workplace. -Availability and assortment made Walmart one of the biggest American corporations. -According to critics, Walmart can afford to sell the products cheaply partly because it pays little to its employees. -These latter also complain about hard work conditions, for example lack of lift trucks and hand-held scanners. -Protesters on Black Friday demanded a salary increase and complained that the cost of medical insurance provided by the corporation went from 30 to 100 dollars a month. -A typical Walmart employee, receiving 9.5 dollars/hour, cannot afford this. -Scientists from the Berkeley University in California argue that if Walmart raises the average salary to 12 dollars/hour, it will cost the corporation 3.2 billion dollars. -This is about 1.1% more than it spends on salaries right now. -If Walmart fully shifts the cost of increasing wages to the shoulders of consumers, each visit to the store will cost only 46 cents more. -In one year, they will only spend 12.39 dollars more than now. -Walmart supporters happily note that the protests took place in nine states and did not cause any damage at all to the corporation. -Black Friday continued in its stores from 8 in the evening on Thursday till midnight the next day, and during the period Walmart sold about 5000 products a second. -In total, its cash registers conducted nearly 100 million transactions on Black Friday. -Representative of the corporation, Dan Fogelman, asserted in an interview with a left-wing site, the Huffington Post, that a total of "less than five" Walmart employees left the workplace, and the protest act was just "another PR trick" of the union that organized it. -"Free cash register!" -Protests continued this week in New York, where their object was not Walmart (they're not so welcome in the progressive city, that is why they don't exist here yet), but McDonald's and other cheap restaurants. -McDonald's says that it sells billions of portions, and despite this it doesn't even give you sick days or pay you for honest work! -Jumaane Williams, member of the City Council of New York -At the moment, the minimum salary according to federal and NY law is 7.25 dollars an hour. -Fast food restaurants increase it with time, but very little. On average their ordinary employees in New York earn 8.90 dollars/hour. -Nobody earns less in this expensive city. -I cannot understand how one can survive in New York on this money. -Once upon a time, almost a fourth of American teenagers went through McDonald's, working part-time after school, living with parents. -Few saw this as a source of living or planned to stay there for long. -Now I continuously come across interviews with McDonald's employees, who complain that they have to survive on this salary and sometimes even feed their children. -On the other hand, there is a comment on the Wall Street Journal forum, whose author notes that it is irresponsible to have children if you do not know how you will feed them. -Participants of the protest that began at 6.30 a.m. on Thursday near the McDonald's on 40th street and Madison Avenue demanded that cashiers and cooks of the fast food chain be paid at least 15 dollars/hour, i.e. more than double their present wages. -They also demanded the creation of unions in the fast food industry. -American law prohibits the administration from preventing this or punishing activists of the union movement by nagging or firing. -On the other hand, the administration does not often ease their life. -But for objective reasons it is hard to cover fast food with a union. -One of them is the unusual turnover of employees. -Disagreeing -Noisy protests began on this day in a number of other cheap restaurants in Manhattan. -The highlight of the action was the afternoon meeting near McDonald's by Times Square, where several local democratic politicians spoke out. One of them, Jumaane Williams, said: "McDonald's claims it sells billions of portions, and despite this it doesn't even give you sick days or pay you for honest work!" -Demonstrators were supported by other prominent NY democrats, like Bill de Blasio, a candidate for NY city mayor, who said: "We need to voice our joint support for the fast food employees, so that they can achieve fair wages and economic wellbeing, which every New Yorker deserves!." -According to the New York Times, this was the biggest action of this kind in the history of the American fast food industry. -But only a few hundred people took part in it, and many of them were not fast food employees, which comprise tens of thousands of people in New York. -It is unclear right now whether this will spark a mass movement. -"At the moment, the mind cannot be deceived too well" -Among modern technology fans a popular topic is augmented reality, lately seen primarily through the prism of special glasses. -At first, a functional model was shown by Google in the summer, at its annual conference. Then, in November, it was announced that Microsoft filed an application for patent too. -However, according to the conversation with the leader of the group of interactive 3D technologies in the Cambridge laboratory of Microsoft, Shahram Izadi, glasses are a thing of the past for scientists in this company. -They are drawn by the prospect of manipulating virtual objects in the air with bare hands, creating virtual open spaces. -- Please tell us, in simple terms, about the work your research group does. -- We work on the interaction of people with machines, at the same time trying to expand the boundaries of this interaction. -While people in general are stuck at working with pixels on a flat screen and sometimes pointing fingers at them. -We want to look 5-10 years into the future and predict cardinal changes in this interaction. -For example, Xbox and Kinect sensors are a step forward. Almost no Xbox is sold without Kinect today, because everyone likes control by gestures. -- What else awaits us in the future? -- Despite the fact that Kinect shifted the interaction to the physical level, much still occurs on a flat screen, sometimes in 3D. -Information entry has improved (the system receives more data), but output still needs to get better. -We are trying to change this, working on truly three-dimensional display systems based on various technologies, including projection technologies. -We need to let the computer world into our physical world, make it more tangible. -But for this, we need to identify both the user and the space around him. -Then we will be able to supplement the real world with virtual objects in a much more convenient form. -Above all, get rid of these stupid virtual reality helmets! -- What do you think about voice control? -It's a popular thing, but is it overestimated? -- It clearly cannot be called a cure-for-all - there's a question of privacy, because we do not always want to let the others know about our actions and intentions. -In reality, all types of interaction with computers are good, but each in their own niche. -For example, we had a project to control devices in public places, in which we thought about movements, not wide movements, but small, reserved ones. -Movements were not recorded by a camera, but by a hand bracelet that determined the movement of bones and muscles. -It's big right now, but in theory it can be reduced to the size of a hand watch. -In general, the future lies in the mixed control, e.g. movement + voice. -- What do you mean? -- For example, how would you ask me to give you this bottle of water? -You will talk and show at the same time. -- Usually I just say. -- Oh, that will be very hard to detect. -- So you want to make the users adapt to what the machine can or cannot do at that moment? -- Not necessarily, but it is a mutual approximation. -I think in the near future, we will mainly work on developing new sensors that will enable more precise determination of a person's reaction. -This could be, e.g. laser sensors. They have a decent depth resolution, which is very important. -- If we talk about your work with Xbox Kinect sensors, what are your complaints about modern cameras? -Not enough resolution, depth or something else? -- In general, the current generation is what we can base ourselves on in working on three-dimensional recognition. -Of course, it would be good to have eight mega pixels with 1000 k/s speed. -It's not just the mega pixels, though, but the quality of the matrix and the depth. -From the latter point of view, all current technologies are not good enough for us - this adds work to the algorithm designers. -So it's important to remember about the resolution on the X, Y, but also the Z axis. -Speed, the number of images per second, is also very important. -Human movements are relatively dynamic, and the current 30 k/s is really not enough, especially for gestures. -Steven Bathiche from our Redmond laboratory created a touch sensor with a regulated processing delay from 1 to 100 ms, while modern serial sensors are closer to the latter indicator (60-100). -Not everyone understands how this affects the interaction between man and machine. -In my work, it would be very useful to have a device that does not require touching and would have more images per second. -- Does the number of cameras need to be increased? -- In Kinect there are three cameras now, one of which is actually an infrared emitter and the second one, the recipient of the signal. -The third one is actually a regular sensor of visible range. -It is not applied to determine the object's depth. -Potentially, a large number of cameras could solve the problem... -Or make it worse, by increasing the required volume of calculations. -It would be nice to create a flexible analogue Kinect, play with the flexion of camera disposition and see how this will help in three-dimensional determination of the position. -- As far as I remember, Microsoft did not present its glasses to the public, unlike Google. -Don't you think this is one of the most promising platforms from the point of view the everyday use of augmented reality technologies? -- Certainly it is not very convenient to walk around with a smart phone in your raised hands all the time, but I think that the coolest option would be "transitional" augmented reality, where you could shift from glasses to smart phone, projection display, and everywhere else based on a cloud platform. -Glasses are a very personal device, that is their strength (private things are seen only by you) and, at the same time, their weakness - augmented reality based on glasses will not allow you to work on virtual objects together with other people. -- Let us imagine for a minute that manipulation of virtual holographic objects in the air is available not only to Tony Stark from Ironman, but to a regular person. -There is one problem with this idea that the critics often point out: no tactile feedback! -Hands feel nothing! -What answers does your group prepare to this challenge? -- In my lectures I often say that augmented reality is the seventh consecutive attempt at the interaction between man and machine. -I think that the eighth will probably be the addition of tactile sensations. -For now, one of the interesting tricks is to use the second hand as a sort of matrix for the image. -It is great at registering pushes! -But there are technologies that are really aimed at giving these "images in the air" a sense of tangibility, for example, the interference of several targeted ultrasound rays in a specific point where the finger is located gives a sensation, but very weak right now, as if someone blew on your fingertip. -There are also wrist bracelets that affect the nerve endings in fingers, which is also a promising area. -- Have you tried to deceive the mind? -To force it to think that it feels something that it should be feeling when it sees something? -- This is a good idea and we haven't tried this yet. -It conceals one challenge that will not be solved so quickly - how to force a person, who is physically in a very limited space to believe that he is walking along an open, almost limitless space; we are working on the concept of treadmills (not at all like in clubs), moving platforms, and giant balloons. -So far deceiving the mind has had limited success, there's work for many years to come. -That's what makes working on virtual reality so attractive to researchers - many things are in their very beginnings. -Judgement calls instead of culture - Rosbalt.ru -Rosbalt continues the project St. Petersburg Avant-garde, dedicated to residents who are ahead, in the avant-garde of culture and art. -This top list already includes outstanding figures of the art scene of St. Petersburg, whose achievements reach beyond the scope of the city, often recognized in Europe, bypassing fame in Russia. -The new player in Rosbalt - the bold artist Kirill Miller. -The whole city knows Kirill Miller, a bearded man dressed all in red, who can be seen by the Russian Museum, or by the Summer Garden, or at fashionable parties and shows. -Kirill Miller's work always brings in crowds of people, no matter where they are exhibited. -Kirill Miller is one of the purely St. Petersburg social and philosophical storytellers and creators of new mythology. -Kirill Miller is an outstanding man of the St. Petersburg avant-garde of the late 80's early 90's. -Moreover, he is a city man, who makes people smile on the street and lifts up everyone's spirit. -Recently he took up the street organ and became St. Petersburg's music man, because he was ready for this complex role with all his Bohemian existence, philosophy and image. -- Kirill, why do you walk around the city all in red, not yellow or turquoise, for example? -- I chose the colour red as a fashion designer engaged in look and image. -In this world, red is a compromise between artist, image-maker and society. -Although in society, everything that is not grey causes aggression and agitation of the bad kind. -But my provocations are aimed at starting conversation. -The whole history of my provocative actions is an invitation to discussion. -- When did you realise that you must be an artist? -- At an exhibition in the Nevsky House of Culture, where my work was displayed. -It became clear to me that this is my path. -Then, the wave of older free, unofficial artists was gone, while new, free artists like me were not understood. -I became friends with the artists of the new wave, with post-Gaza-Nevsky style artists ("post-gazonevschina"), which led to Pushkinskaya-10, and the wave was no longer. -I'm drawn to theatre, clothing, music, all genres except for literature. -- And all this has been united in your Art-clinic... - It was important for me to find myself in the centre of the culture of St. Petersburg, where all the best creative forces should come together. -In 1995, I occupied the territory on Pushkinskaya-10, and while the renovation work had not started, there was a musical and creative club, a Bohemian club, the house of the St. Petersburg Bohemia. -Many were born there: NOMy, Tequila Jazz, I remember when Shnur was brought there with the Van Gogh's Ear project. -Shnur and his friends lip sang easy songs, wearing tight leotards, and the now trendy composer Igor Vdovin was with them. -When the group began to play live, it became Leningrad. -Trakhtenberg was the presenter of many programs before Hali-Gali times. -We gave them Trakhtenberg, and a great career was on its way, but the basic education and mentoring he received from us. -Gallery D 137, Griboyedov club - all these echo the Art-clinic. -That is where our staff and regular customers left for. -I am a hero of the last century, when culture meant something. -In 2000, there was a poll in the press, for the People of Our City prize. -I was nominated Artist of the Year, my climax came to an end. -In the new times, it is uncomfortable to work by old rules. I'm a man of truth, honesty and culture of the last century. -In our time, it is easy to become popular, but culture and popularity are different. You can be popular, but not very cultural. -- Your work is marked by a recognizable style. -- Many of my works are hits, with clearly reflected relevance and acuity. -I will have a programme exhibit, "Russian museum in clowns." -Clowns are a timeless category. -I was social before, now it is painful and scary to be like that. -But everything is blurred in clowns, tragedy is removed. -I like grotesque, I have grotesque ideas. -For example, saving the world by totalitarian changing of clothes by order. -Nowadays, people are judged by appearance, not their inner qualities. -Who knows, maybe you cannot shake his hand, and need to spit in his face. -And the lie will go away with the help of changing clothes. -- Recently we saw you in the role of music man. - A cultural city should have such a character. -Who fits the role better than I? -- Maybe commercial art can also be beautiful? -- Nowadays, commercial art should be neat, considerate, sweet. -There is a disintegration of cultures. -People used to get together in flocks, Bohemians liked one thing, the simple people, something else. -Now, everybody is divided into micro societies, it's hard to be liked by everyone. -I am not a hundred dollar bill to please all. -Now you have to think who you will please. -Now, each cult hero has 100 fans. -- But several thousand come to Stas Mikhailov! -- The cast-outs go to see him, the sexual-social sphere is at work there. -But 300 people will come for culture, not 10,000. In the end, there's less management, money, everything dies out. -I have fans; the main thing is not to betray them, not to spoil what I have earned. -In my youth, I painted such art that one collector had it hanging on the same wall with Falk and Larionov. -I started with paintings, which people usually end with. -Concepts are often mixed up these days. -People say: spiritual culture, consumer culture. -There is no culture in consumerism, it's "from another opera." -I am a man of yesterday's culture. I grew up on examples of artists who lived poor and died in poverty, refused money for the sake of painting. -This is the culture I'm for. -- Kirill, what is St. Petersburg missing? -- Good cultural experts. -There is such a thing: an official for culture. -But not everyone can be engaged in culture. -Under the right rulers everything was different. Kings may not have understood culture very well, but they understood that they needed to stick with the right experts. -There are good consultants in Moscow right now. -Here in St. Petersburg, there are people who could be experts, but they are pushed to the side, because more advanced experts are needed, who will correctly evaluate these experts and give way to them. -Judgement calls are what thrive now. -Even Erart, but they're different because they say honestly that we don't accept all modern art. There are some artists, who need to find other museums for themselves. -- What does St. Petersburg mean to you? -- St. Petersburg is not a cultural capital, Moscow has much more culture, there is bedrock there. -It's hard for art to grow on our rocks. -We need cultural bedrock, but we now have more writers than readers. This is wrong. -In Europe, there are many curious people, who go to art exhibits, concerts. -Here, this layer is thin. -We need to make art fashionable, as it was in the beginning of last century. -The project is supported by the St. Petersburg grant. -Give birth in space -The earth is in danger. -Global warming or an encounter with a killer asteroid. -Caravans of cosmic ships with humans on board leave in search of a replacement planet. -To save humanity, the question is how to propagate our race in conditions of weightlessness or on that replacement planet? -I think the choice is small. -There are only two actual planets that can be explored even hypothetically. -"Venus and Mars," says Senior Researcher of the P.K. Shternberg State Astronomy Institute (GAISh) Vladimir Surdin. -But while conditions on Mars are more appropriate for life, Venus has 500-degree temperatures. -Life is possible only at a high altitude or on the orbit of Venus... in space. -The question of reproduction in space began with flora. -Half a century ago, experiments were run on plants. -Four generations of peas grown in orbit were no different from their earth counterparts. -Then, insects were bred in orbit, small fruit flies. -In 1979, quail eggs were sent to space, to check how an embryo develops in weightlessness. -We get an absolutely normal chick. -But then the problem begins. -"The problem is related to the fact that this chick needs to find support, needs to get on its feet and start moving," explains head of the laboratory of the Institute of Medical and Biological Problems (IMBP) RAN Vladimir Sychev. -Having found no support, chicks were tumbling around in disorder. -After 10 hours, the newborns experienced complete atrophy of instincts. -Chicks did not react to light and sound. -And the problem was that they simply died after four days. -"We bred chicks twice there, and then stopped, because it is impossible to work with them there," says Vladimir Sychev, confirming the failure of the experiment with chicks in space. -The last biological "mini-ark" with animals flew into orbit 16 years ago. -In spring 2013, experiments will continue. -However, only same-sex beings will be on the Bion bio-satellite. -There was an experiment with rats, who were sent to space with foetus. -In principle, there was nothing extraordinary there. -"This was on bio-satellites, but again, it was a singular experiment and such research needs to be conducted," says Vladimir Sychev. -After landing, the cosmic rats had babies. -But it's hard to solve the problem of reproduction directly in space. -It's not an easy task. -Animals simply cannot follow their sexual instinct, when they're out of their familiar environment. -In principle, people, unlike animals, can. -Homo sapiens have abstract thinking, and are able to create a fitting emotional background. -Such experiments are not conducted for ethical reasons. -But women have been flying to space for 50 years. -The biggest risk was for Tereshkova. -The most valuable thing for humanity is the female body. -Our "Seagull" left and nobody on earth could tell whether she would be OK after flying to space. -Whether she will be able to give birth after this flight. -"Nobody answered this question," says rocket and space industry veteran, Vakhtang Vachnadze. -In June 1964, only a year after flying to space, the first woman in space Valentina Tereshkova gave birth to a daughter. -The child's father, Andrian Nikolaev, was also a cosmonaut. -In 1988, the second woman cosmonaut, Svetlana Savitskaya, who went into orbit twice and even worked in open space, gave birth to a son. -However, the risk remains. -We have few, very few cosmonauts, who were OK and had healthy children after long flights. -"What's more, it is dangerous even for orbital flights," adds pilot and cosmonaut, Hero of the USSR, Hero of Russia, Valery Poliakov. -And yet, humanity needs to seek out some new avenues in biotechnologies, protection from radiation, creation of artificial gravity. -Hydro-laboratory of CPK - mandatory phase of training for a flight. -Here, cosmonauts practice skills of working in open space in zero-gravity conditions. -Water imitates weightlessness. -If for adults water is a foreign medium, although comfortable, for infants it is a native element. -Small amphibians seem to confirm that life came to land from the ocean. -There is a connection with the fact that an infant spends about 9 months in amniotic fluid in the womb; it is easier to get used to water after that. -In principle, it is logical, because only two weeks pass from birth until the first bathing. -"This is very little time to forget something," says infant swimming instructor Marina Aksenova. -In other words, if for a newborn weightlessness is more natural, a woman needs gravity, earth's pull. -Stomach and pelvic muscles usually quickly degenerate in weightlessness; the ability to push out the embryo is reduced. -Well, let's assume that childbirth stimulators will work out. -Maybe she will push out the baby in a special room. -"Then what?" - asks Valery Poliakov about this non-trivial issue. -On the other hand, a baby also needs artificial gravity. -When a body does not feel the earth's pull, it does not form the skeletal and muscular system. -It is not possible to dress a newborn in orbit into a special loading suit for training, as they do with adults. -He will simply not have what he needs to survive. -"And this experiment, that we will go for by allowing the birth of a child in a foreign environment, will lead to us bringing a handicapped, completely unadapted human to earth," predicts Chairman of the Committee on Bioethics IMBP RAN Igor Pestov. -For the moment, birth of children in space is just a theory. -However, with time, it will become reality, when earthlings will go to a faraway planet in their ships, and it will become the home for their offspring, who were born in space. -NKU Head: Svarc System audit has failed because of politicians. -The Czech Republic has sound control bodies and a good standard of legislation when it comes to public contracts, but it lags behind in their application. -This was said by Miloslav Kala, vice-president of the Supreme Audit Office (NKU) in an interview for Aktualne.cz. -"The Law will never be perfect, but its application should be just - this is what we are missing, in my opinion," states Kala, commenting on the current situation. -Similar conclusions are also reached by the joint audit from the Czech and German auditors. -As an example of improper practice, they cite Petr Necas's approach to the so-called "Svarc System." -The Prime Minister recently claimed that the ODS will not be burdening business owners with its checks - so is it forbidden or allowed? -"The Law must be set out one way or the other and if it prohibits something, then even the Government's head cannot prevent the work of its department, which is duty-bound to monitor and enforce," asserts Kala. -At the audit committee's session in the House of Deputies, you spoke about a joint project between the Czech Republic and Germany, within which legislation relating to public contracts in both countries was compared. -What exactly was this about? -This is about parallel auditing, which we began around two years ago. -Simply put, this is about how European legislation governs the handling of public contracts, followed by individual state legislations and then the actual practice itself. -We brought all this together, and although the audit is not yet complete, some very interesting differences have become apparent - in general terms, our legislation might be even "more concise and complete," however the actual practice is in certain aspects better in Germany. -This confirms that creating more and more concise rules is not enough, and that attention must be paid to the actual application of these laws. -What does this project actually help you with, and what do you think its outcome will bring? -This kind of joint audit could contribute to curtailing these efforts to specify our law, to reduce and perfect boundaries, when it does not have such a positive impact. -Economy means acquiring the required thing at a reasonable (which does not always mean the lowest) price, so that profiteering and possible criminal proceedings may be avoided. -However, just because we have reduced the order limits, does not mean something will be procured. -The system might become overloaded with the amount of paperwork, and those, who wish to look for loopholes in it, will be able to take advantage far more easily than if the limits had remained higher. -These are domestic problems about the practical implementation of legislation relating to public contracts. -How does the audit system work in Germany? -Is there an office like the NKU, or is it organised differently? -As far as the office is concerned, the Bundesrechnungshof functions like our NKU, and it is organised like ours, it also has a committee although it is appointed slightly differently, but basically both offices operate similarly. -Powers are also similar to a degree, though of course Germany is organised federally, so these courts of auditors are also at the member state levels - in this respect their system slightly differs from our own. -The BRH can only audit federal money, known to us as state funds. -Public funds, which, for us, are administered by regional and municipal authorities, are audited by the federal courts of auditors there. -When it comes to their legislation, is it more straightforward than ours? -Overall, I would not like to make a comparison without any specific data, nevertheless in certain respects Germany serves as an example, but it certainly cannot be said that it is better in every aspect. -Is this because, perhaps, they have better enforcement? -That is certainly not true, but again, I prefer not to make such comparisons. -It should be said that even in a country we perceive as exemplary, they encounter a whole range of problems. -If that were not the case, they would gain nothing from working with our office, would they? -Coming back to domestic legislation, what did the amendment to public contracts legislation mean for your office, is its impact being felt already? -The period since the amendment came into force has been quite short, so it has not manifested itself in our audit work yet. -Since we carry out our audits ex-post, a certain delay has to be taken into account. -As yet, we have only observed it within the process of preparing future audits - we have launched our new "fiscal failure risk detection" system, with which we have processed almost 14 thousand public contracts, and these have been analysed - that is where changes will clearly be seen, because of the changed limits, the adjusted conditions governing certain types of selection processes, and so on. -So do you see the adoption of this legislation as a benefit, or rather as another burden on the bureaucratic system? -I believe this legislation is a step in the right direction, and I hope this will be confirmed. -A problem, which may arise here, is that the law becomes "too constrained" and will not be enforceable. -Under the previous rules, parties being audited were already bound by their audit provider (for example, in the case of regional operational programmes, the regional office) to the fact that every infringement of public contracts law means a breach of budgetary discipline. -Is it worth constraining the law in this way, in that case? -I do not think this is the way. -The system should prevent those who want to attack and abuse it, but not penalise those, who make a mistake on a technicality, which does not affect the final decision. -This kind of system will only increase pressure on bureaucracy. -So how can we get out of this? -Let's see where this dead-end takes us. -The Prime Minister recently said the ODS will not be burdening businessmen with audits of the so-called "Svarc System" - what does this mean? -Is the Svarc System prohibited or allowed? -The Law must be set out one way or the other, and if it prohibits something, then even the Government's head cannot prevent the work of its department, which is duty-bound to monitor and enforce. -He may say: "Let us change this law and relax it," but he cannot say we should pretend it is not there. -The law on public contracts has relatively strict rules about the formalities which must be adhered to - which is the right way to ensure public tenders are protected. -On the other hand, it is a tragedy, when a bidder with the best offer is excluded on a technicality. -The Law will never be perfect, but its application should be just - this is what we are missing, in my opinion. -Roads are icy in places, but mostly passable. -In several places in the Czech Republic, the main roads are icy and snowy. -However, the majority of roads are passable, with extra care needed in places. -Carlsbad region -In the Carlsbad region, the roads have been usable this morning, though in some places they were icy and snowy. -The temperature has dropped to between five and ten degrees below zero, though it is expected to get warm slightly during the day. -Snowing in the region has stopped, and only a thin layer of snow remains in the lowlands. -However, the ridges of the Krusne Mountains have around 30 centimetres of snow. -In some locations there is limited visibility due to mist, according to the local highway service. -The R6 high-speed motorway and primary roads in the region are now usable without restriction. -Caution is, of course, appropriate, for example, on certain bridges, where the surface can be icy and slippery. -All secondary and tertiary roads are also passable, including mountain roads. -In certain stretches of these roads there might be remaining frozen and compacted snow patches. -Above all, at higher levels, extra care should be taken while driving. -Pardubice and Hradec Kralove region -On some roads in Eastern Bohemia, there might be a risk of black ice, at higher altitudes and in the mountains there might be a layer of compacted snow, according to the Road and Motorway Directorate. -The highway service is warning the drivers against black ice, which might occur at higher altitudes of the Pardubice region in particular. -Black ice may occur around Lanskroun, Usti nad Orlici, Policky, Svitavy, and Vysoke Myto, and particularly on secondary and tertiary roads. -The I/43 and I/34 roads have been chemically treated around Svitavy. -Snow is particularly affecting the roads in the Krkonose and Orlicke mountains. -At higher altitudes, there is a compacted snow layer on the roads around Rychnov nad Kneznou and Trutnov. -In Eastern Bohemia the day will be mostly clear to partly cloudy, and dry. -Temperatures will be between minus three and plus one degree Celsius mostly, with a light wind. -Pilsen region -The roads in the Pilsen region have been usable this morning, with extra care needed in some places. Drivers should take the weather conditions into account. -The morning will be frosty, with temperatures ranging between three and nine degrees below zero. -Due to the existing snow and subsequent drop in temperature, certain roads may be icy. -Drivers should expect mist in places, though visibility will gradually improve. -This information was reported by the region's highway service. -The D5 motorway is drivable almost without restriction, but the road services recommend extra caution between the 80th and 131st kilometre marks. -Most primary road surfaces are dry and frost-free. -Southern areas of the Pilsen and Tachov regions may have icy patches. -Secondary and tertiary roads are wet, and may therefore also have icy patches. -Drivers should be cautious especially on less frequented roads in the Bohemian Forest. -Olomouc region -Drivers should expect snow slush on the roads if heading for the higher parts of the Olomouc region. -It is a result of the chemical treatment carried out at Cervenohorkse sedlo and on the way to Videlsky Kriz. -Snowploughs were brought out by falling snow overnight, the Sumperk region, according to highway maintenance, got around three centimetres of snow. -In other parts of the region, roads are mainly passable without restrictions. -"In the Sumperk region, traces of snow have remained at the highest altitudes. -Drivers should expect snow slush at Cervenohorske sedlo in the direction of Jesenik," the dispatch officer for the Sumperk highway service told CTK today. -Their Jesenik counterparts also made an outing overnight; the roads all the way to the highest altitudes are now clear and wet following the chemical treatment, according to them. -The Olomouc region's roads are usable without restriction, while in the area of Sternberk drivers should beware in wooded areas, where roads have remained wet. -Usti nad Labem region, Liberec region -Since this morning, the snowploughs have reported several places, which are difficult to pass in northern Bohemia. -Besides certain snow-covered places, or some icy frost patches, the mountain road from Telnice to Kninice in the Usti nad Labem region is also closed, according to the police database. -Temperatures remain below zero and roads are likely to remain snowy and icy. In the lowlands, however, particularly southeast of the Central Bohemian Uplands, there are no problems and roads are mostly dry. -No traffic hold-ups have so far been reported. -Icy frost patches have been reported in particular by road maintenance around Steti. -According to meteorologists the conditions for this were perfect - rain and melting snow during the day, with a clear night and freezing temperatures. -Adverse conditions are expected on the main sections of the I/13 road between the Usti nad Labem and Liberec regions. -The closure of the Telnice to Kninice road was caused by bent tree branches, which were weighed down to road level by snowfall. -Simon Ornest: At the concerts we want a fusion of positive energy -What is your opinion on the end of the world that might come in less than a month? -It is just another startler, which we like to latch on to. -Together with The Tap Tap band, we tend to joke about it, saying that we might be the only band on earth that could draw enough positive energy to hold off or avert the end of the world completely. -In December you are even organising a unique series of three concerts against the end of the world. -Can you give our readers some details on this? -This is a nationwide fund-raising event, which we have been planning for the past two years. -We decided to make use of the marketing potential of the end of the Mayan calendar, due on the 21st of December at 11:10 a.m. -On the eve, the 20th of December, at 9pm, 3 concerts will take place in parallel in Prague, Brno, and Ostrava. -They will end at around the time when Kiribati Island in the Pacific, which is 12 hours ahead of us, reaches the end of the Mayan calendar. -Who came up with this idea? -Initially it was probably my idea, later we worked all the details out with our designer, Honza Augusta. -Apart from the fact that we want to collect enough positive energy to stop the end of the world, we also want to allow ourselves and the public to spare some thoughts for the state of our planet, when we, one day, hand it over to our children. -On the occasion of the end of the Mayan calendar, we have also prepared a range of unique items, shoes, t-shirts, bags, and original keys against the end of the world, which can be purchased at www.e-tap.cz to support our cause. -The Tap Tap band, together with other artists, also recorded the so-called anthem against the end of the world, called "The End of the World is cancelled." -It is already well received on YouTube, will it figure at the fund-raising concerts? -Of course, for the grand finale, as long as the world does not end beforehand. -It will be sung by all the artists at all the three concerts at the same time. -The anthem will also be featured in a unique live broadcast on Czech Television. -The words were written and the role of Jesus in the video clip was played by Tomas Hanak, Xindl X also sings in it... -How did you end up working with them? -We collaborate also with other personalities of the Czech cultural scene, due to organising a lot of fund-raising events and concerts... -We try to really get them involved in these projects. -It turns out that most of them are interested and enjoy working with us. -What will the proceeds from the concert against the end of the world go to? -Equipping the wheelchair-accessible educational Studeo centre, which is already in its sixth year, in collaboration with the citizens association Tap from the Jedlicka Institute for the disabled. -Tutors come in regularly to spend time with the Jedlicka Institute's students and run activities, which they enjoy and interest them. -The students themselves do not have the funds to afford tutors, so we try to provide this for them in this way. -Within the construction project at the Jedlicka Institute, a separate building is planned, which we can move into with this project. -Every concert sees the appearance of several bands and artists. -How do you select them? -We have tried to compile a programme, which speaks for all ages, including children. -For example, in Prague, Chinaski, Support Lesbiens, Illustratosphere with Dan Barta, The Tap Tap, Marian Bango and Jiri Suchy will appear. -Further details can be found at www.kpks.cz. -Are you planning any more "bombastic events" in the future? -In May, we will be making our first appearance in the Prague Spring, so we will definitely be preparing a good line-up with some interesting guests. -Next year, we would like to play at the Czech National House in New York, and I personally - since we will be in the USA - would like to build in appearances in Washington and Chicago. -Your international plans are not modest; you have already performed, for instance, in Madrid, Brussels, London, and Moscow. -The Tap Tap is nonetheless a band composed of handicapped people. -How do you cope with these journeys in terms of logistics and organisation? -It is not as scary as it might seem at first. -We have five members in electric wheelchairs, which must be transported in the luggage area; we must also, of course, carry around with us a lot of luggage and instrument cases... -Nevertheless, we have so far managed it without any problems, CSA and British Airways were well prepared for us, so much so that, on occasion, I was quite surprised. -Even in Moscow, which we have just returned from, it all went smoothly. -Thanks to these international trips, you will have had a chance to compare specific accessibility issues, public attitudes to disability and so on. -What have been your experiences so far? -After Madrid, Luxembourg, London and other places, where everything functions better than here, we have just witnessed that in the East everything is still in its beginnings. -Compared to Prague, Moscow is rather inaccessible; it still remains unusual there for a person in an electric wheelchair to be travelling around the city centre on his or her own. -Obvious things, such as giving wheelchairs priority in lifts, are not commonplace there. -Fortunately, citizens associations are emerging there too that are trying to draw attention to the problems faced by people with disabilities. -And on the other hand, where do we still lag behind more advanced countries? -There are a lot of things, which we still lag behind on... -It is important to mention that improvements to the current situation always depend on the efforts of the people who are affected. -In London and Madrid it is completely natural for people with serious handicaps to be independently out in public, and they can use the toilets, go to the museum, or wherever... -It is less common there for large groups of people with disabilities to actively take part in social life, in this respect with The Tap Tap we are a step ahead! -Public respect or accessibility is one thing, but it is only when we can become famous athletes, artists, actors, politicians, or lawyers that things will really begin to change. -So far there are only exceptional cases, people who are strong-willed. -The Tap Tap band is currently very popular, but let us look back a few years, what prompted you in 1998 to form it? -I began my job as a tutor at the Jedlicka Institute, where I was surrounded by a lot of young people, who were interested in doing something. -Since I am a musician myself - among others I play the saxophone - I started a music club with a colleague. -With time, as our moderator Ladya Angelovic says, it has grown a little out of our control (laugh). -Your popularity has only come about in the last few years, or am I mistaken? -It is true that we have been helped by creating ties to famous singers and also by our proactive work on promoting the band. -We realised that work, which goes on unseen can be like it never existed. -Thanks to funds from the European Union we can even afford top quality tutors, equipment and so on. -Was it your goal to take The Tap Tap to such heights? -From the outset, I felt there was potential to do things a little differently. -Show business is filled with things, where one imitates the other. -It is logical in its own way; all new things are taken in hesitantly and take a long time. -Things, which are unique, are few and far between, but I would dare to claim that Tap Tap is one of those things. -A person's first impression on seeing you is, of course, pity - it is a natural reaction... -But that pity is simply wasted, because handicapped people are not abandoned and suffering beings, who need to be pitied. -They are people, who can fully live life and blossom, assuming, of course, that they have the right environment for it. -I say that when a person with a handicap succeeds in something, it is not just progress for them but for society as a whole. -Has your success also been helped by your firm hand as a leader, as many people are suggesting? -If we want to achieve top class work, we must be uncompromising in many things and require a certain level of discipline. -I think this is to be expected. -Some people come to us with a romantic idea and their head in the clouds, and when they find out they have to go to rehearsals twice a week, attend practice sessions and put up with a lot of time travelling to concerts, their enthusiasm quickly disappears. -That is how it works everywhere, with every group that wants to work and wants to achieve something. -The Tap Tap band currently has twenty members. -How many of those were present at the beginning in 1998? -Only one, Ladya Angelovic. -We are an open group, people come and people go, this is unavoidable. -Those who have the interest and the drive will always find our door open. -The event takes place the day before the end of the world is expected, on Thursday 20.12.2012 from 9pm. -The venues will be Praha Incheba, Brno Fleda, and Ostrava Plynojem with performances from 12 bands and other musicians from the Czech Republic. -All three cities will be joined by a televised link-up at the evening's close for a united rendition of The Tap Tap's anthem "The End of the World is cancelled" -The concert's goal is to raise funds to equip the STUDEO multi-functional wheel-chair accessible learning centre at the Jedlicka Institute in Prague in the sum of 25 million Czech crowns. -Admission fee to the concert is 400 CZK, children under 12 years of age go free, tickets on sale from Bohemiaticket. -Poland and the Cosmos. -Last week the council of ministers of the European Space Agency admitted Poland as the twentieth member of the agency, being the second nation from the former Eastern Block (after the Czech Republic, which became a fully fledged member of the ESA on the 12th of November 2008). -Poland began close cooperation with the ESA in 1994, and in the following years it has participated in a series of agency projects. -Of course, Poland's path to the space had begun much earlier. -Polish boffins devoted their time to space flight even before the Second World War, but were not always met with understanding. -I look back, for instance, to the lecture of A Sternfeld in Warsaw's astronomy observatory, who, on the 6th of December 1933, presented ideas on his pioneering work Entry into space. -The thoughts of the young engineer (born 1905) left his audience cold, and years later Sternfeld remembered that only Dr. Jan Gadomski had shown an interest in his work. -In 1934, for his work Entry into space, Sternfeld received the Robert Esnault-Pelterie and Andre Louis Hirsch prize in France. -The above mentioned Dr. Jan Gadomski (1899 - 1966) later became a strong promoter of astronomy and astronautics. -He published hundreds of articles in Polish journals, and wrote a series of books on these scientific subjects. -Gadomski became a world-known promoter of astronautics and his contribution was, notably, recognised when a crater on the far side of the Moon was named after him. -In 1925, Poland had already built a handcar which was supposed to be fitted with a rocket engine. -Unfortunately, both the project's designer, and the project's details, are unknown. -It is not even clear, whether the rocket was intended to start the handcar or to slow it down. -Information about this rail track is only known from press articles of the time. -In 1933 the Polish artillery started their engagement in flying bombs. -The research was undertaken by the Weapons Technology Division in collaboration with Prof. Mieczyslaw Wolfke and Prof. Gustaw Mokrzycki. -From the documents, it is clear that the research reached the stage of practical tests. -Of course, the advance of the German army interrupted the research. -In 1937, the concept of a photoelectric homing rocket designed by engineer Rohozinski appeared in the trade press, and in the following year The Rocket - air torpedo and flying rocket-bomb appeared, authored by Leliwy-Krywoblocki. -Both projects were destined for military use of rocket engines. -Immediately prior to the War, all projects for military use of rocket technologies were overseen by the Provisional Scientific Advisory Board (Tymczasowy Komitet Doradczo-Naukowy) that coordinated all the work. -The Board was appointed in 1937, but after two years of activity their operations were ended by the start of the War. -Further work devoted to astronautics appeared in the Polish Press after the War thanks to the Polish Astronautics Company (Polskie Towarzystwo Astronautyczne). -The first reference to the company figures in the November issue of the magazine Problems in 1954, in which four in-depth articles are on the subject of astronautics. -In one of these, by Prof. Subotowicz, the establishment of a company is proposed, which would dedicate itself to astronautics. -At the time, there were already projects underway for artificial satellites and it was clear that cosmic research was an emerging sector. -From the beginning of 1956, the Polish Astronautics Company (PTA) sought entry to the International Astronautics Federation (est. 1951) and by autumn the PTA was already a full member. -In the following year, the PTA's first chairman, Kazimierz Zarankiewicz (1902 - 1959) was appointed Deputy Chairman for the International Astronautics Federation. -He served in this capacity until his death in 1959. -From 1956, the PTA played a significant role in the successful development of meteorological rockets RM (Rakieta Meteorologiczna), which became the first Polish rocket to enable scientific research. -The first RM-1 model was completed in 1957 and the first launch took place on the 10th of October 1958. -The rocket, with a ceiling of 1800 metres, measured around 80 cm in length and weighed a little under 5 kg. -Later, the improved RM-1A version was constructed and in the summer of 1959 launch tests were initiated for the two-stage RM-2 rocket in the Bledowsky Desert. -The rocket was 1.4 metres in length and weighed approximately 11.5 kg. -A further development model was designed for real scientific work - the RM-34 rocket was to reach 14.5 km and be tasked with monitoring high altitude winds. -Of course, in 1962 further research was stopped. -The successor to the RM rocket type was the Meteor-1 rocket, developed from 1962 to 1965. -The rocket was designed as a two-stage rocket, with a total length of 510 cm and a launch weight of 32.5 kg. -Three models were developed (designated Meteor-1A, -1B, and -1C), which differed in the room available for scientific apparatus. -In the Meteor-1A rocket, a space of 0.4 litres was available, Meteor-1B had 0.34 litres, and Meteor-1C had 0.62 litres. -The maximum altitude for all three models was 37km. -Between 1965 and 1968, the development of Meteor-2 was underway in the Aeronautics Institute, with its first launch tests in October 1970. -The Meteor-2 rocket had a launch weight of 380 kg, and was capable of lifting a useful load of 10 kg to a height of around 60km. -Subsequently built models were the Meteor-2H and Meteor-3. -Poland's admission to COSPAR (Committee for Space Research) in 1960 should be mentioned, as well as the appointment of a national COSPAR board two years later. -Poland also participated in the Interkosmos space programme for space research on Soviet artificial satellites, and in 1978, the Polish pilot Miroslaw Hermaszewski became the second intercosmonaut after Vladimir Remkov. -Abolishing the legislation on public works is not the solution. -Last week the Constitutional Court abolished the law on public works. -The resolution caused lively public debate. -It will certainly be interesting to look at this issue from a broader perspective. -Liberally oriented financial systems in the EU, just as those in the globalised world, are based on the principle of an unregulated economic competition. -Its effect means that individual financial entities and national economic systems are in a state of permanent conflict among themselves. -The cause is the principle of free trade and free, completely unregulated movement of private capital together with uncontrolled financial speculation. -Due to significant labour cost differences (salaries) there is pressure on prices. -On this basis, it should be understood that when a supplier tries to compete in a commercial tender by importing cheap goods, "the rug is pulled" from under the competition's prices to capture a greater market share and, in this way, increase its own profits. -On a wider scale, this means most businesses must move production abroad, import cheaply from abroad, or close down. The result is high unemployment in countries where labour costs are high compared to other economies. -Since private capital is not bound by social responsibility, and therefore also not by the unemployment it causes, the social costs born by the state must necessarily increase. -The whole situation is bolstered by the businessman's complete unwillingness to pay taxes, which would alleviate the economical and social harm caused in the pursuit of profit. -The situation is so well known that there is no need for actual statistical data. -The ruthless private capital practices create particular economic situations, where the State in these countries is forced to enter in the mutual competition, aiming to artificially lower the social standard of its own citizens in order to attract foreign investment. -In other words, governments stake their own citizens because of private capital while disregarding the drop in social standards. -This occurs chiefly in amendments to existing law. -The aim is to economically force the domestic population to accept prices dictated by private capital, especially in terms of salaries. -On one hand, this economic system of force, in case of long-term unemployment, on the other, restricted employee rights in the workplace. -This yields growing poverty and an increasing void between the poor and the rich. -In Germany there are already a host of food hand-out centres for the poor, who are not able to feed themselves on their own wages. -The number of these people is already in the millions. -In the name of improving the competitiveness of the German economy, it commonly occurs that properly employed people receive such a salary that the State needs to top it up to the minimum wage. -Just such a scandal was revealed in the case of auxiliary staff in the Bundestag. -The austerity measures for all the southern EU states will undoubtedly lead to the same situation, where people are pressured by a catastrophic drop in living standards to emigrate as it was in the 19th century, or to eke out an existence on starvation wages on the edge of society, in the hope that the country will eventually see some foreign investment. -At this point we have to ask where this may come from? -If it is to come from other EU states, then poverty is being shifted from one country to another, or it will not come at all, because Chinese, Indian, Brazilian, Turkish, Moroccan, Egyptian, and African labour is still at a fraction of European wages. -This applies to all of Latin America. -Liberal theory and the Media incessantly claim that the State may not participate with capital in its own economy, and that a controlled economy leads to economic ruin. -Private capital cruelly insists on the viewpoint that the State must not intervene in the economy. -Thereupon, we should ask ourselves whether private capital has no influence, or whether it actually leads politics and thereby the whole country, for its own selfish ends. -Here, the answer must be yes. -The proof is the existence of the almost omnipotent, and in all states, omnipresent lobby. -The result is a desperate situation manifesting itself through corruption, through mutual benefits and legislation, where almost everything is criminal, but nothing is punishable. -In Germany the situation is such that state ministries, through lack of financial resources, contract out the drafting of laws to private law firms, who are basically connected with industry. -These laws are then approved in the Bundestag. -Real power does not come from the people as the Western-style constitutions claim, but from strong financial organisations that look after their own interests. -It is clear that liberally-orientated democracies will now quickly reach a situation, as is described by Appian in his work on the Roman Republic Crisis in the time of Cesar and Pompei: "The State was already long in complete degeneration and its offices taken by force. -With bribery, illegal acquisition of benefits, and with stones or swords. -Bribery and corruption were rife and unhindered, and the people would vote for a result which had been bought" ..."people with principles did not run for office, so on one occasion the whole debacle meant the state went eight months without consuls.." .."There was actually talk about the only answer to this terrible situation being autocracy, and an energetic man should be elected." Appian had Pompei in mind, but it was Cesar who changed democracy for autocracy permanently. -The conclusion, just as in antiquity, the current society is built on unscrupulous tendencies for personal gain without regard to the interests of society as a whole. -Private capital in its present state is not able to understand the interests of society as a whole. -The outcome is now, as it was then, an unprecedented decadence of the elite with no attempts whatsoever on deeper reaching reforms. -The causality of the rise of the fascist and communist regimes should therefore be sought in the misguided liberalisation of the economic system in the 19th and 20th centuries. -The current state of affairs, when we consider the demise of those systems in favour of liberalised democracy as an interlude, can expect its next cycle. -The particularly catastrophic reality is that the current elite is completely ignoring the potential lost of hundreds of thousands of lives, humanitarian and social disasters, which we are already witnessing, as well as crimes against humanity, as we are familiar with from ancient and modern history. -The abolition of the law on public works is not the answer, at least not in the long term. -Under the pressure of economic competition, internationally as well as within Europe, the Government of the Czech Republic will be forced to pursue ways of lowering the population's living standards. -This pattern is thus systemic. -To address this, there are targeted political and social reforms, which strengthen the state's capital participation in the economy, increase the people's influence over the state and weaken the monopoly held by private capital over society in favour of the state. -Israel: Chaos Lab. -"Nothing comes from violence and nothing ever could," from Sting's Fragile, where one of the main verses from the refrain is "Lest we forget how fragile we are." -"If my sons did not want war, there would be none," said the dying Gutle Schnapper, wife of Mayer Amschel Rothschild in 1849. -The latest wave of violence between Israel and the Gaza strip, as always, has sparked a lot of reaction. -Some stand by Israel, arguing it has the right to self-defence, and Palestinians are portrayed as terrorists, while others support the Palestinians, claiming racism by the Israeli state, claiming that genocide is being committed against Palestinian Arabs, and that Israel is a terrorist state. -I do not want to dwell, in these repeated periodic waves of killing, on who is the transgressor and who is the victim, after all, today's inhabitants of Israel, including the self-governing territories, were born into the current political situation, and did not live through the start of the violence. -I would like to offer the readers a peek behind the scenes, a look at whom, most of all, this 95-year long tension is serving (starting from Balfour's declaration in November 1917) on this small piece of land in the Middle East. -Some of my thoughts are supported by available historical facts, while others are derived from my own understanding of who, that is, which group of people is the main source of events in modern history. -Human history is in the first instance about the struggle for power. -In every era we can find an Alexander the Great or a Napoleon. -What is not quite so apparent is whether these were the people, who had chosen their path independently, or whether behind their throne stood someone who directed their actions towards a pre-calculated goal. -We must accept that we live in a time when the world's wealth is concentrated into the hands of a few individuals, and that this concentration of wealth and the power it exudes could not happen in one generation's lifespan. -Among these astronomically rich families, one stands out, which could be considered the puppet master (whether someone else stands above them, I am unsure, but I would not rule it out) - the Rothschilds. -Not much is written about them. -Understandably. -The first news agency (Reuters) they bought in the 90's of the 19th century, in order to prevent their name being connected with acts of high criminality, which appeared in their background and which always meant securing power, increasing wealth, or both. -They hold majority stakes in almost every central bank in the world, and against the countries, where they do not hold a stake, they are either waging or preparing for war (before the assault on Afghanistan it was 7 countries, after Iraq it was 5, after the overthrow of Kaddafi 4 remained, but in the meantime Russia submitted its central bank to the Russian Government). -Whoever attempted to defy this family died. -Abraham Lincoln refused to renew the status of the central bank to the Rothschild Bank of America, and during the Civil War he began to issue his own (that is state-issued) money and was assassinated in 1865 at the theatre. -JFK began issuing his own money and wanted to close the Fed (Federal Reserve), and was killed in 1963, Congressman Louis McFadden was poisoned in 1936, after he had intended to sue the Fed for causing the Great Depression of 1929. -Their thirst for global power led in the years of 1859 - 1871 to the formulation of a three-world-war plan by the freemason leader of the 33rd degree, Albert Pike. -The first war was to remove the large monarchic state bodies in Europe, the second was to remove colonial rule, especially from Great Britain, and the third will reduce the world's population down to 0.5 - 1 billion people (this number of slaves will suffice for their comfort and luxury, and will not use up so many resources), the creation of one universal faith (ecumenism is just an appetiser for this solution), and finally the seizing of absolute power. -The method, which the group of wealthy families with the Rothschilds leading the way, employ is the instigation of crises, followed by the offering of a solution (order ab chao - order from chaos). -These solutions are false, however, and always lead to a worse situation (vide establishment of the Fed, so that the crisis of 1907 would not be repeated). -Thus, having succeeded in assassinating Ferdinand, the Habsburg heir to the Austro-Hungarian throne, in Sarajevo thereby unleashing World War I, they destroyed tsarist Russia with the Bolshevik revolution. -The First World War ended abruptly, militarily and economically unsubstantiated, with German capitulation (the war was no longer needed to destroy tsarist Russia) and the central European powers of Austria-Hungary were subsequently dismantled. -To facilitate the inception of the Second World War, they allowed bankers and politicians to create a latent conflict situation by saddling Germany with huge war reparations, thereby making a radicalist example of the impoverished masses, it remained only to introduce a sufficiently convincing culprit and a leader with a simple solution, while also creating a multi-racial Czechoslovakia with a strong German minority to play, and indeed did, the role of a fifth colony, once the war had been ignited. -At the end of the 19th Century, the Rothschilds instigated the establishment of the Zionist movement, one branch of which strove to form the Jewish State, seeking out an area of historic Judea, Jerusalem, to make its capital (the Return to Zion). -The aforementioned Balfour Declaration formed the basis for the mass immigration of Jews to Palestine, where the first conflicts began with the local Arab population. -Terrorist attacks occurred on both sides. -World War II broke out, and whether Hitler broke free from the leash, which international bankers were holding him on, or whether his actions were all part of the plan, is difficult to determine, nevertheless the suffering of European Jews in the concentration camps created the foundation to the world's acceptance of the Jewish State. -Israel was officially formed in 1948, and just as the war reparations for World War II were layed on Germany, the announcement of the State of Israel became the third war's hotbed. -Provided the international bankers succeed, the Jewish Nation, as with the second, will be the victims on the front line, now together with the Arabic - or more generally, Muslim - population of the Middle East. -Israel is like a huge laboratory, a source of discord and chaos not only within the country, but on an international level (just look at how strongly people are split into supporters and opponents of Israel). -Who is the wrong-doer and who is the victim in the Palestine-Israel conflict, where injustice breeds injustice in an endless cycle of violence, while everything began from the greed of a few and their lust for global power? -Here, we must differentiate between Israel's general population and their leaders, because, just as it happens here, the international bankers introduce their own selection of candidates for people to vote for. -Israel's current prime minister, Netanyahu 'the hawk', is a typical example of a fascist politician, loyal to the international bankers, who does everything to instigate war with Iran, which would, due to its membership in the Shanghai Cooperation Organisation (China, India, Russia, Pakistan, ...) lead to a greater threat of global conflict, and through its control of the Hormuz Strait, where 20% of the world's oil must sail (the channel is only 2 miles wide), to the destruction of the world's economy. -In what light stand the words, spoken by David Rockefeller in 1994: "All we need is a major crisis and the nations will accept the New World Order." -The New World Order in their eyes is one of master and slave. -A world where the rest of the human population serve the luxury of a handful of financial aristocrats. -A world, where each new-born is implanted with a chip, which makes their existence completely subjugated. -"He also forced everyone, small and great, rich and poor, free and slave, to receive a mark on his right hand or on his forehead, so that no one could buy or sell unless he had the mark, which is the name of the beast or the number of his name. -If anyone has insight, let him calculate the number of the beast, -for it is man's number. His number is six hundred and sixty six." -Argo: When things are at their worst - call Hollywood. -In November 1979, a mob of Islamic student demonstrators took over the American embassy in Tehran and held 52 diplomats hostage. -They were to be released in exchange for the overthrown Shah Mohammad Reza Pahlavi, who fled after the revolution to the USA, which had actually supported his regime for several decades. -For the American administration the situation did not offer a positive solution - it could not throw the Shah overboard, because this would seriously jeopardise the trust of other allied countries. -The release of the hostages in Iran, where the revolution resulted in the establishment of the theocratic regime, could not be achieved. -This was a blow to the prestige of the United States, which was later compounded by the fiasco of attempting to free the hostages by force. -The incarcerated diplomats were finally released after 444 days, following negotiations mediated by the Algerian government. -Their ordeal provoked a wave of solidarity and anti-Iranian feelings at home. -The debacle in Iran significantly influenced Jimmy Carter's loss with Ronald Reagan in the 1980 presidential elections. -The film Argo, directed by the actor Ben Affleck, recounts one episode in this story, which brought America a small victory. -Just before the embassy was seized, six employees escaped. -After some peripeteia, they ended up in the Canadian ambassador's residence. -The CIA, in collaboration with the Canadian authorities, succeeded in getting them out of Iran, helped by an extravagant cover story - they left on Canadian passports as members of a film crew, who were surveying locations for a sci-fi blockbuster. -A combination of genres -The plan, conceived by "exfiltration" expert, Tony Mendez, required the assistance of Hollywood. -For the story to be believed, the film project was reported on in specialist magazines, press conferences were organised, and the fictitious production company had a real office. -The details of the operation were, for a long time, kept secret; the film draws on the memories of Tony Mendez. -Affleck's film is a peculiar mix of genres. -On one hand, there is a realistic incisive political thriller, and at the same time a "caper movie," with small victories and double-crossing - another example would be Ocean's Eleven. -The mood alternates in the film - on one side, sharp documentary-style sequences in Tehran (the title sequence shows iconic photos from news of the time, relating to the same events portrayed in the film - there are no big differences). -On the other hand, lighter sections from Hollywood, laced with irony and a little exaggeration. -Then there are scenes from the CIA headquarters and other agencies - men in suits debating the situation around meeting tables, in office corridors, over the phone... -Ben Affleck has managed to restart his career in extraordinary style. -The derided actor has become a respected director, and his acting is no longer the target of ironic comments. -Argo is his third big-screen movie, following his dark crime movie Gone Baby Gone (2007) and the thriller The Town (2010). -It is also Affleck's first picture, which does not take place in the director's hometown of Boston. -The atmospheric feel in different locations is one of the characteristics, which took his earlier films above Hollywood standards. -Affleck shows it in Argo, where Tehran is "featured" by Canada. -The best scenes of the film take place in the streets, in the reconstruction of real events - the opening sequence of the siege on the embassy is impressively lucid, creating at once feelings of confusion and surprise, which come flooding in, as history suddenly takes a turn. -A similar effect is achieved by Affleck and his team in the fictitious scenes (the fake staff at the Tehran bazaar). -Too much action in too many places -The director had to tackle the issue that the story being told does not offer many nail-biting scenes for the film. -What little there is, is worked well, with some occasional embellishments to reality - these do not all come off so elegantly (the scene, where a looming crisis is averted at Tehran airport by a phone call in America, followed by a chase on the runway seems quite far-fetched). -Argo's weakness is its divergence, which comes from the need to show too many events in too many places. -Alan Arkin and John Goodman play their roles as the Hollywood assistants with great charm; their characters deserve more room, and are not by far the only ones in this film. -Affleck's film loses the dramatic pull a little, it is a film, which can be watched with reasonable interest, its production and retro-style are evocative of thrillers from the 70's. -It does not really captivate. -As a reminder of history's particular ways and a testimony to how exaggerated the views are on the all-powerful all-controlling secret services, this will do. -Rules for blowing up balloons, for bananas and a circus -The www.bankovnipoplatky.com server, which issues a poll every year on the most absurd bank charge, has now decided to announce a competition for "the most absurd regulation or proposal from the EU." -"We were prompted by the latest story, where the EU plans to take on a 40 percent quota of women at management level of Europe's largest companies," Patrik Nacher, the poll's organiser, told Pravo. -Among the latest nominated absurdities, for instance, is the recent decision by the European Court to unify insurance premiums for men and women. -Until now, women were favoured in life insurance prices, because they constitute a lower risk for insurers. -"Other unbelievable ideas from the EU can be nominated by anyone until the end of the year. -The actual voting will then take place until the end of February 2013," informed Nacher. -Among the controversial EU regulations, we might include the mandatory addition of bio-ingredients to fuel, which consequently harms the environment, the ban on reliable mercury thermometers just because they contain a relatively small quantity of a toxic substance, or the rules on the size of chicken cages, which significantly raised egg prices this year. -The ban on the use of the term "spreadable butter" and the withdrawal of classic light bulbs from sale had previously come under criticism. -First rate bananas are to measure 14 centimetres -The Union's machine often makes decisions under pressure from this or that commercial or industrial lobbying group, whose demands in Brussels are usually defended by state or group of states' interests (just as the Czech Republic is promoting the demands of its banks under threat of being vetoed). -The lobby's interests were, for example, that bananas of the highest quality should measure at least 14 cm in the EU, and were not to display and "anomalous curvature." -The European Commission defended itself, saying that it was only harmonising existing disjointed national standards, which complicated trading. -Norms relating to fruit and vegetables have already been softened by the EU despite opposition from certain states, referring to the food waste caused by the existing directives. -One possible prize-winner in the poll may be the last year's EU regulation according to which inflatable balloons must be sold with a warning that children under 8 years of age may not inflate them without parental supervision. -Here, the EU pointed to an American research, which indicated that, among other toys, balloons are one of the main causes of child suffocation. -A similar restriction now applies to children under 14 years of age using party blowers. -Strange ideas are conceived at home too -Fairly absurd is the rule relating to individual European officials - everyone in the EU, who holds an official post, may not use the term Macedonia due to it being a sensitive topic for Greece, and instead the acronym FYROM (Former Yugoslav Republic of Macedonia) should be used. -The Bankovnipoplatky.com server in collaboration with the Liberal Economist Association, Laissez Faire, also nominated, aside from the aforementioned absurdities, for example the Union's regulation on the volume of food provision stocks held in an EU member state. -The EU stipulated the maximum volumes of food provisions, which may be present within the CR on the day of our entry to the Union. -The Czech Republic thereafter exceeded, for instance, the permitted volume of mushroom preserves, which incurred a high penalty. -The poll's organisers were also impressed by the idea of paying certain countries because they do not have a coastline, or the suggestion of allocating funding for a request for funding. -These ideas did not come from Brussels, however, but from Prague. -"We are handicapped because we do not have the sea. -We are asking the European Union for a refund," declared the minister for agriculture, back in autumn 2004, Jaroslav Palas (CSSD). -His argument was that there had been a good harvest of cereals, and due to the so-called buy-out interventions, the state's warehouses were full and were forced to export. -The Czech Republic is further away from a port, so according to Palas the EU should be paying us hundreds of millions of Euros. -The European Commission finally met the CR halfway by organising a tender for the purchase of cereals from countries that do not have access to the sea. -Funding to subsidise funding requests was offered to foreigners by the Ministry for Regional Development's minister, Pavel Nemec (US-DEU), specifically this was meant for making requests for funding from Brussels. -EU: Bizarre legislation is the exception -Regulations may well become the target of criticism among member states, but the EU's efforts at regulation, more effective operation, and development of the entire Union deserve recognition, according to a number of experts. -A more important issue, according to experts, is the drawing of EU funds on projects, which have hardly anything in common with strengthening the European integration, but which was pushed through by member states during a budget meeting. -Emotions flare among Czechs when, just as other countries in the Union, the CR must fight in Brussels for the right to particular labelling on its traditional products, in which it does not always succeed. -The Czechs fought for six years with the Germans and Austrians to protect the labelling of their Olomoucke tvaruzky, however the tuzemsky rum, whose tradition reaches back to the 19th century here, had to be renamed tuzemak by the manufacturers. -The appellation of rum can only be given to products distilled from cane sugar, and not sugar beet. -Carlsbad wafers, Pohorelicky and Trebonsky carp, and Zatec hops have been added to the official list of registered products of the EU, alongside the world-renowned feta cheese and gorgonzola, German marzipan from Lubeck, and Parma ham. -The EU's stamp of protection can also be proudly shown on Pardubice gingerbread and Horicky tubes. -People want me to save the republic, but I am an amateur, says Okamura -Senator, how does a person decide they want to run for President? -This is not about me being a senator or president. -If everything in our country worked without problems, then I would not be running for any post. -I cannot watch any longer the country having been robbed over the past twenty years, thieves roaming about there and people's taxes and retirement age increasing. -I had no ambition to be a politician. -When I see something I do not like, though, I try to find a solution to change things. -Since I have already turned forty, and I am an independent non-party man, I have no other choice to influence things but to stand for senator or president. -You have already reached the Senate, but shortly after that you are taking off for the Castle. -Are you not turning your back on those who voted for you in doing this? -I have been saying the entire time that I would fight for the Castle based on the results in the Senate's elections. -Later, I added that if I were elected as senator, I would be standing for president. -My goal, though, is not the post, the post is a tool to allow my vision to be realised. -Therefore, I need the greatest influence, and the strongest mandate possible. -The trouble is not just that as a nation we swear in the pub or at the television, but that we trample anyone, who wants to try to change things. -The Media add to this, misleading the public, and mistaking freedom of speech with freedom to lie. -For example, I was allegedly bribing reporters, or I was allegedly an advisor of Jiri Paroubek. -Let's talk about your vision. -You set out on your castle siege with a thesis on the material and criminal responsibilities of politics, and a retroactive financial disclosure of assets over twenty million. -You need to change the law for this. -As president, though, you do not have this power, and only the Senate as a whole may propose laws. -How are you going to solve this? -When I lobbied, as a citizen, for tour guide work to be a free trade, it was successfully carried through. -The problem is political squabbling - when someone comes with a good idea from the left or the right, it will be deliberately rejected, causing delays for the public. -As an independent non-party man, I stand a far better chance of gaining support from all parliamentary sides. -The advantage I hold is that without the political pigeonholing or dogmas I can take what is best for our country from any side, and apply it. -Do you see yourself as a person from the right, or the left? -From the Czech viewpoint, it seems they tend to put me to the left. -For me, it just does not matter if it is a little to the left or right. -The important part for me is moving forward. -It is not about whether someone is from the left or right, I just want to bring people together. -I always support any good public solutions, even if they are put forward by the KSCM or the ODS, and, in the same way, I will oppose bad ideas. -You get angry when someone calls you a populist. -Are you not confirming this with what you have stated? -When you make a company business plan, you also have some ideal goal and vision. -You try to come close to it. -Some may call it populism, but all the proposals I speak about are already working elsewhere, or they have been put forward by experts. -But without the support of the Parliament you will be left with just slogans. -You will not last long in politics with that. -Or do you believe that if you walk among the public and talk with them, that you will succeed, say, in passing criminal and material responsibility? -I have no alternative. -I need to convince politicians, reporters, and the public, and try to get them on my side, so we can put this through. -If I were elected president, it would not be a problem to arrange a live television broadcast, where I ask the leaders of the parliamentary parties to pass a law on material and criminal responsibility for politicians, civil servants, judges, and the Attorney General. -And, as the case may be, they would need to explain why they did not want this. -When there is a strong figure to point out the issues, it just needs some pressure on the political scene. -Take for instance the direct election of the president, it was achieved thanks to public pressure. -I will say frankly that I am an amateur, I am not a genius or an intellectual. -I am looking for allies to share my opinions and vision. -I have just started out in politics, and I am looking for a majority support for my agenda. -I will try to make things progress, but it if does not work out, in six years I will finish and return to the private sector. -It sounds a little like Okamura is trying to save the Czech Republic. -I am no saviour. -I know that alone I will not achieve anything, so I have asked acquaintances, whether they would run for the senate. -I went to Radim Jancura, who declined due to his workload. -So I, at least, support investigative journalist, Jana Lorencova, who uncovered fraudulent activity with light heating oil. -I put myself forward, because people are really discontented, but now I have my doubts. -Sixty percent of people did not go to vote, and those who did mostly voted for leaders of the establishment. -In the senate, there are only two independents, including me. -People have voted for a senate that will make it difficult to enforce changes. -Nonetheless, I will fight for my vision, for example, for the direct election of mayors or regional council presidents. -Are you considering having your own party? -I have not considered it yet, because I have neither the time to verify that every party member has a clean background, nor the money to do it. -I have no money even for a presidential campaign, my transparent account holds just 20 thousand. -You have no money? -You are talking about financial disclosures, but what is yours like? -I estimate my private assets to be around 60 million. -In Prague, I have land worth around 25 million, an apartment worth ten million, another apartment worth eight million, an artwork collection worth around ten million, an Aston Martin worth 3.5 million, a Skoda Superb worth a million, and I have a few million in my account. -I have the Aston Martin, by the way, because it was my dream as a boy - I always liked James Bond, who drove the car, was gallant with women and also fought against evil and villainy. -You drive an Aston Martin, have assets worth 60 million, but you have no money for a campaign? -You say you want to change the Republic, but you are not keen on putting your own money into it. -This does not inspire much confidence. -I do not have 15 million for a campaign. -Should I take out a loan? -I have already put 2.5 million into the campaign. -The fact that I do not have any sponsors is evidence that there is no real interest in my programme. -I have no obligation to pay for my own campaign. -The expenditure on my campaign is basically covered by the pay I will be receiving as a senator. -However, I would not be able to live on it, for instance, I could not pay for my son's English school, which costs 30 thousand a month. -If I were only interested in making money, I would not be standing for election. -So you will still be in business so that you can make a living? -Did you not say you would be putting this on hold? -This depends on the rate of pay. -As I promised, my activities have been partially reduced. -For example, my deputy is taking over as the CEO of the travel agency in spring. -People would like me to be a Samaritan, who saves the Republic. -But I must also live off something. -As a businessman, what would you usually make monthly? -Two hundred to 400 thousand, which I still do. -And if I became president, then I would end my business activity. -The full interview can be read in Saturday's issue of Pravo. -The MVRDV architects prove that true adventures are not just in the head - drawing on the example of Spijkenisse and the recently erected Bücherberg (literally "book mountain") - 2 photos -"I think the building is fun, looks futuristic and ultimately provides something interesting to look at," said Lisette Verhaig, a passer-by at the road-side. -And Stefan Spermon, IT technician in a major firm based nearby commented: "It's definitely a thing of beauty, the building." -However, I do wonder why people would need another library in this day and age. -Everyone has the Internet, an iPad and eBooks. -No-one goes into one of these old-style libraries voluntarily nowadays, or am I wrong? -Spijkenisse, a sleepy town outside the gates of Rotterdam, which barely merits a visit, is a special record-holder. -The 80,000-resident municipality has the lowest literacy rate in the whole of the Netherlands. -In order to counteract this asinine situation, the decision was made a number of years ago to make a contribution towards general education and to recreate the seven fictitious bridges that feature on the Euro notes as pretty, painted reinforced concrete miniatures. -The success of the education offensive was limited. -And so the city fathers acknowledged that there was only one way to become master over the statistics: a library had to be built! -Winy Maas of the Rotterdam-based architectural firm MVRDV, master of audacious bar charts and producer of humorous and often cynical buildings, took the project on with his customary composure, and turned up at the competitive hearing in 2003 with five books under his arm and a grin on his face. -And with the judging panel still looking at him with bewilderment, shrugging their shoulders, the impertinent Maas stacked his chosen props by order of size to form a pyramid and rounded off his presentation - now suitably backed up with action - with the words: "Dear Municipality!" -So this is my suggestion for the Spijkenisse Book Mountain - for the so-called Boekenberg! -Nine years later, the 30-million-euro mountain has been lifted up. -It is part of a revitalisation project, which also includes an underground car park, a supermarket, a post office and a small number of adjacent apartment buildings and terraced houses, with a total of 50 dwellings. -At the beginning of November, the Bücherberg was awarded second place in the "Best Library of NL 2012" competition. -In addition, the project is also nominated for the Dutch National Wood Award 2012. -Thus, the faceless small-town retort, that until now had nothing more to offer than a post-modern pedestrian area and a stunningly ugly town hall, behind whose white facades one would expect to find a dairy plant, has been bolstered by a piece of contemporary architecture. -First and foremost, however, Spijkenisse now has its first public cultural building in the history of its existence. -The long journey to the book -The first impression: the Eldorado of books beneath a cheese dome. -There is in fact a lift that climbs through the centre of the mountain massif, however, the true joys of space and literature are revealed when scaling the topography on foot. -The interior space, glazed throughout, is bright and open, the fired clinker floors and the elegant street lamps speak the unmistakable language of a public town square. -The urban ambiance is perfect. -You are already on the lookout for a park bench, a dog, and boys and girls playing football. -And everywhere there are books, books, books. -"Normally book shelves run along the facade, and in the centre there is a large, dark space, which is usually unpleasant and impersonal," says Winy Maas. -We turned the classical spatial configuration on its head and turned the reading area inside out. -The interior of the Bücherberg is cleverly used: in the centre there are offices, an Internet library, a chess club, an environmental centre and the central technical support room. -One particularly special feature are the black book shelves, which simultaneously act as wall cladding, parapets and railings for the stairway. -The appearance, feel and scent are foreign. -Even die-hard architects and construction engineers shake their heads at the unknown construction materials. -"Here we wanted to work with recyclable materials," explained Joop Trouborst, Project Manager for the Municipality of Spijkenisse, on request of the Standard. -And thus one day we stumbled across a suitable waste product used in agriculture, on a Frisian farm. -For many years, millimetre-thick artificial fabric has been used in greenhouses and fields in the Netherlands as a base layer. -It is inexpensive and saves time. -The thin textile lasts for two seasons and is then disposed of as bulk waste. -For the library, the fabric was - for the first time in these quantities - pressed into four-centimetre-thick boards. -Under heat and pressure, the so-called Landbouw plastic (KLP) changes colour to a dark, homogeneous and robust material, that smells like a mixture of new car smell and the smell of trainers. -After 105 steps you have reached the summit. -At the end of the 500-meter-long journey, you are rewarded in the Literature Café, not only with a fantastic view of the city, but also with Dutch croquettes and potted ficus trees. -These provide atmosphere, but most importantly, regulate the air humidity in the literary mountain range. -Donations for the new soul -"You would hardly believe it, but this building, in spite of the many glass panels, is a showcase project in the area of ecology," said Trouborst. -It is heated and cooled using geothermal heat. -Although the Bücherberg has a glass cover, the sun only shines only briefly into the interior, even on sunny days. -The broad, laminated wood glue beams positioned at right-angles to the glass facade, provide shade and absorb the majority of the sunlight. -The indoor temperature is very pleasant. -The rest is taken care of by fully automatic roller blinds. -Stefan Spermon, initially a sceptic of the IT sector, has already ventured into the new library. -Lisette Verhaig has also visited already. -So too has TCM-teacher, Cynthia Bogarde, who even refers to the Boekenberg as Spijkenisse's "long overdue soul." -The reason: At the inauguration just a few weeks ago, every citizen was invited to donate a book from his/her personal collection. -This was, for the time being, to fill the optical gaps in the not yet fully stocked library - currently there are 70,000 items. -The concept has been a success. -The shelves are full to capacity. -"Nothing is worse than a half-empty library," said architect Winy Maas. -"I think that, thanks to our invitation, every resident now has a certain bond with this new building. -Everyone knows that their book is part of the building. -Even if it's just for decoration. -As such, MVRDV have succeeded in mastering the master discipline that specialist jargon refers to as the formation of identity. -Spijkenisse has written literary history. -However young and uneducated it may be. -This is ultimately a starting point for identity. -Szabo: "Germans must play a greater role" -In the vote on the incorporation of Palestine, Germany abstained from voting. -According to Stephen Szabo, Expert in US-European relations, in so doing Berlin is walking a thin diplomatic line. -Deutsche Welle: At the beginning of the week, Germany had initially signalled that it would vote against the Palestinians' application for observer status within the United Nations. -However, Berlin subsequently abstained from voting. -Why? -Stephen Szabo: Germany does not support what the Israelis have done in Gaza. -Now, however, due to their special relationship with Israel, Germany must be cautious. -At the same time, however, I do not believe that it supports the American position either. -Germany wanted to demonstrate its independence - albeit without being too critical of Israel. -During the uprising in Libya in March 2011, Germany likewise abstained from voting, when it came to establishing a no-fly zone. -This was ultimately implemented by NATO. -Does Germany find it difficult to adopt a clear position when it comes to important international affairs? -Yes, it does. -That is because it has just reorganised its foreign policy, indeed moving away from a policy that was, so to speak, managed by the USA, in favour of a German foreign policy. -This situation is aggravated by the fact that the Europeans do not have a coherent and standardised policy. -The Germans thus find themselves caught between two fronts. -It is expected of them that they play a more independent role, yet this is something that they are not accustomed to. -I believe that they are still finding their way in this role, but they are en route to a "more normal" foreign policy. -A foreign policy similar to that of France, or Great Britain. -So what specifically does a "normal" foreign policy entail, from a German perspective? -It shows a willingness to adopt positions on international matters, which are independent of those of the USA or European partners. -I believe that the German foreign policy is motivated by the economic policy, that is, by export and its relations with certain regions such as Russia, China or the Near East. -Germany's economic interests are to a certain extent different from those of the other major powers and therefore Germany must protect its interests. -Have these economic interests had an influence on their attitude towards the Near East conflict and their voting in the UN? -On the one hand, Germany has major revenue markets in the Near East, and particularly in the Gulf States. -Therefore it must be careful not to affront the public, but also the elite in the Arabic countries. -In any case, this plays a role. -However, I wouldn't want to ascribe too much weight to this. This is not an entirely one-sided relationship. -Nonetheless, it does play an important role in Germany's considerations. -Has Germany damaged its relations with the USA, by abstaining to vote on important decisions, such as the vote on Palestine? -I think that in Europe, and even in the USA, a great understanding for the German position prevails. -Therefore I do not think that this was as dramatic a fracture as was the case in the matters regarding Libya. -Perhaps it will even earn Germany a certain degree of respect. -After all, it signals that the country must be taken seriously as an international player and that its interests must be considered. -In Europe there are diverse opinions regarding the Palestinian initiative. -The USA, on the other hand, have spoken out clearly in favour of a veto. -Are there differences of opinion between the USA and the many European nations? -Due to the American domestic policy, these differences have always existed. -I think that secretly, the government under Obama actually has a great deal of understanding for the European situation. -However, due to the political situation here, the government is naturally unable to voice this position publicly. -It is my belief that the actual differences in opinion are not so vast as they always appear. -If you look at the relations between Obama and Prime Minister Netanjahu, Obama is really not quite so enthused by Netanjahu's policies. -Does Germany find it difficult to reconcile its close relations with Israel and the USA on the one hand, and the position of its most important partners in the EU on the other? -I think that this is precisely what makes things so difficult for the Germans. -It would of course be a little simpler for the Germans if there were a coherent and standardised European policy, which is currently not the case. -Thus they are unable to be part of a wider authority and must instead drive matters forward from their own position. -This is precisely what they are doing with the Euro. -I believe that in the future Germany will take on a leading role in urging Europe towards a standardised European position. -This is, of course, no simple task for Germany, on account of its relations with Israel. -This has always been a sensitive subject. -Yet I do think that Germans are clear that they must play a more independent role. -Does Germany view itself as playing the role of an important international player - does Germany actually want to assume a leading role? -Or does Germany still find leadership roles difficult? -Germany is still not used to it, the country continues to be uncomfortable and, for obvious reasons, still finds it difficult to play a more prominent role. -If we look at the Euro crisis for example, every time that Germany assumes a more prominent role, various anti-German feelings become apparent. -This does not make matters simple for the Germans. -This is actually the same old problem: one does not want to be surrounded by hostile countries. -From this stance, Germany is in a much more difficult position than the USA. -It must be receptive to the most diverse of neighbours and opinions, and this is not easy. -The influence of the USA over European politics is continually diminishing, yet the EU is currently not feeling this vacuum, so who is filling the gap? -The Germans will simply have to play a greater role. -Even if they do not like it, even if it is uncomfortable and makes them even more unpopular - c'est la vie! -Stephen Szabo is associate director of the Transatlantic Academy in Washington, an institute in which academics and political experts from Europe and North America come together to research the challenges of the transatlantic community. -Szabo is also a member of the German Marshall Fund, in which he has specialised in German policy, US foreign policy and transatlantic relations. -"Brand protection" in China: When Puma and Armani suddenly become Chinese -Armani is a world-famous brand, Polo Ralph Lauren likewise. -However, what is Armani Polo? -Behind this name hides a fully officially registered brand in China, however, one that has nothing whatsoever to do with the original companies. -Nonetheless, it is enjoying protection, provided the actual creators of the names do not sue. -And even then it is not clear whether they will have any rights. -"It is becoming increasingly more difficult for foreigners to protect their brands in China," said Thomas Pattloch, lawyer within the Taylor Wessing law firm, who specialises in copyright infringement in the Far East. -Every week a new case lands on my desk. -All the copycats require are a few additional letters in order that they can register their brands. -Thus Gucci simply becomes Lu-Gucci, Prada-Kny is registered in place of Prada. -German companies are also 'legally' copied in this manner, such as manufacturer of sporting apparel, Puma. -Pattloch opens a file containing registrations with the trademark office in Peking. -On 14 September 2010 a Chinese company copyrighted the brand name Zegna DF Puma there, an alias that also helps itself to the name of fashion retailer Ermenegildo Zegna. -The fact that the Chinese are world champions in copying and infringing on intellectual property is well-known. -In the major cities there are multi-level department stores that sell counterfeit goods almost exclusively. -Pattloch's cases, however, are slightly different: on behalf of his clients he takes action against the fact that Chinese companies can be granted the right to use a name by the trademark office, fully officially, which is already protected elsewhere. -The Chinese call this "Bang Mingpai," a passenger brand. -The word is based on "Bang Dakuan." -This refers to women who latch onto rich men. -The Chinese authorities are unaware of any wrongdoing. -"This harms business and we must fight against it," challenges Pattloch. -"The brand is watered down, its uniqueness disappears - the image damage is enormous." -The financial losses and process costs of the affected branches amount into the millions, especially in the case of expensive flagship products. -According to information from market research company CLSA, with a volume of 15 billion euros annually, China is the third largest market for luxury items, and the fastest growing. -However, the deletion of dubious entries in the trademark registry are difficult to achieve, and cost a pretty penny. -The process can last for up to nine years, with an uncertain outcome. -Pattloch reports of instances whereby the court dismisses cases, because after a long period of time, the name to which the objection is being raised has become a "market reality." -If the complainant is unlucky, he may even have to pay the plagiarist money for having infringed on his trademark in China, said Pattloch. -Sometimes the law of the jungle prevails here. -Famous cases also relate to graphic elements. -In 2009, Daimler lost a legal battle with the construction machinery manufacturer Sany, the company that recently acquired German concrete pump manufacturer Putzmeister. -Even today, the Chinese company is therefore permitted to use an emblem that resembles the Mercedes star. -Volvo-purchaser Geely originally used a blue and white logo that resembled the BMW logo; the dispute was arbitrated and Geely was forced to change it. -Fashion house Lacoste lost a suit in China against copycats from Hong Kong and Singapore, who were using the famous crocodile looking in the other direction. -The Chinese authorities are unaware of any wrongdoing. -The CTMO trademark office in Peking does acknowledge that there were bottlenecks in 2010 due to limited staffing and equipment. -In the past year, however, things reportedly "returned to normal following this emergency situation regarding the work flow." -Thus the stock of unprocessed appeal proceedings was reduced by 22 percent. -Almost 57,000 such cased were closed, 75 percent more than in the previous year. -Nonetheless, there are still 81,500 appeals waiting to be resolved in the office. -To remedy this is very expensive -As is so often the case in China, the figures are imposing. -In the past year, more than 1.4 million applications for trademark protection were submitted to the CTMO, almost one third more than in 2010. -This is a record and means that China, for the tenth time in succession, is the global leader when it comes to new trademark applications, informed the authority. -The same applies for the inventory of valid trademarks, totalling 5.5 million in number. -In 2011, 1.8 billion yuan in fees were received. -Put simply, this means that each application costs on average 1,280 yuan, or 160 euros. -To appeal against an application costs many times this amount, as can be seen in the case of the German family business, Freudenberg. -For more than seven years, the group has been contesting against a Chinese plagiarist. -The Germans did in fact manage to expose the company's illegal manufacturing of copied motor vehicle parts. -However, the copycat still secured the Chinese rights to the Freudenberg brand. -This is something we missed ourselves, as family names cannot be protected in Germany, said Hanno Wentzler, Chairman of the Board of Management at Freudenberg Chemical Specialities in Munich. -The CTMO trademark office then also dismissed the Munich-based company's appeal. -In the next two instances, Freudenberg was proven right, however the opposing party continues to contest the matter to this day. -You have to pay extremely careful attention. -The matter is now pending before the Supreme Court. -Wentzler is confident that the matter will be brought to a positive conclusion and praises the professionalism of the courts. -However, he also says: "The process is extremely expensive and takes a lot of time, money and nerves." -The internal costs can barely be calculated, the company archive even had to look through century-old records in order to provide proof. -Five years ago Freudenberg unsuccessfully offered the opposing party a "high six-figure sum in euros" as settlement. -"This shows how much this is worth to us," says Wentzler. -The dangers in the Far East even threaten to spilling over, back into Europe. -Particularly if imitators secure unprotected brand names there. -For example, a Chinese manufacturer wanted to register the Freudenberg label for shoes and leather in Germany. -This is a business sector that the group had long vacated, yet nonetheless managed to prevent the registration. -"You have to pay extremely careful attention," says Wentzler. -Both he and Pattloch advise companies to be very careful when conducting business with China. -It is not sufficient to rely on international trademark rights, rather foreigners should also register "everything" that is in any way worthy of protection in China as well," said Wentzler. -Otherwise costs can be much more expensive than the registration fee. -In actual fact: if Freudenberg were to loose at the final hurdle of its trademark drama, they would probably have to pay the opposing party license fees for the use of their own name, explained Wentzler. -Or alternatively we would be forced out of the market in the respective sector. -World AIDS day: Stomp, sing, help -In Heidelberg, the Imbongi choir is rehearsing - and in the Swaziland, AIDS orphans are delighted. -The history of a link that overcomes far more than a distance of 8,733 kilometres. -First of all, the stamping: cowboy boots, basketball shoes, ladies' pumps and men's loafers attempt to find the beat on the parquet floor, and quickly do just that. -One-two-three-four. -Only then do the voices of the singers slowly swell - alto, bass, tenor and soprano surge, beguile and haunt. -And Fiete Hopf, the 29-year-old conductor, almost rises up out of his shoes as he brings the ensemble together with his smooth, yet wild gestures. -It is Monday evening and in the music room of the Institute for Medical Psychology in Heidelberg the Imbongi Choir are practising a new song. -The fifteen singers, aging from 23 to 69 years old, range from human geneticists to the maintenance man. -"Om'Obani" is by no means a simple piece, with each voice having a different text, and in an extremely foreign language at that: Zulu, which is spoken by eleven million people in South Africa, Botswana, Lesotho, Malawi, Mozambique and in parts of Swaziland. -Helping others to help themselves -There are around 34 million people infected with HIV around the world, as according to the estimations of Unaids, the United Nations' programme to battle AIDS. -Of these, 23.5 million live in South Africa. -In Swaziland, there are 245,000 AIDS orphans. -Meanwhile, more than 40 percent of the population are HIV positive. -The Voices for Africa Association has found sponsors in Germany for 180 AIDS orphans in the village of Esitjeni. -70 of these attend a secondary school. -For 15 or 20 euros per month, you can become a sponsor. -This guarantees the child money for school, a school uniform and a warm meal each day in the Gogo Centre. -In Zulu, Imbongi means storyteller or worshipper. -In this region, no-one can speak the Bantu language fluently, but they can sing it. -For almost ten years the choir has been practising songs in this foreign, 'soft' language, and now and then they bring them back to where they originally came from: the South of Africa. -For an 8,733-kilometre flight away from Heidelberg, in the north west of the Swaziland Kingdom, lies the village of Esitjeni, which relies on the vocal power of the German choir. -Forty percent are infected. -Around 2,000 people live there, some still in simple mud and straw huts, and the majority of them are children. -More than 300 of them no longer have parents, as they succumbed to the HIV virus. -In Esitjeni you get a small foreshadow of the illness from which all of Swaziland is suffering: according to Unicef, the region has the highest HIV infection rates and the lowest life expectancy in the world. -Circumcision, which has been proven to reduce the risk of contracting the virus by half, is barely practised by the population. -More than forty percent of people in the Swaziland carry the immunodeficiency virus, and dying in you mid-thirties is by no means rare. -On a group trip to Africa in early 2005, the Choir visited the village, but first and foremost, the Imbongis saw many children on the streets, lacking not only in parental care but in practically everything else as well: food, clothing, education. -Without a school leaving certificate, there are barely any opportunities, particularly in a poor country. -Initially it was the private commitment of individuals to send a child to school and enable him/her to have one warm meal a day for a few euros per year. -However, just one year later, the choir established the "Voices for Africa" Association, which since then has been looking after the AIDS orphans in Esitjeni at an almost professional level. -Facts on sexually transmitted infections. -What are the most important sexually transmitted diseases? -Bacterial STIs include syphilis, chlamydia and gonorrhoea. -Common viral STIs are HIV, human papilloma viruses, herpes genitalis and hepatitis. -Crabs and scabies belong among the parasitic STIs. -Who are the main affected groups? -Syphilis and gonorrhoea occur primarily in men that have intercourse with other men. -The Robert Koch Institute understands that at least four in five of all syphilis cases reported in Germany are transmitted by means of sexual contact between men. -Among heterosexual adults, chlamydia infections, trichomoniasis, candidiasis (fungal), gonorrhoea and human papilloma viruses are frequently occurring sexually transmitted diseases. -The spread of HIV among heterosexual adults in this country is relatively low; however, around 20 percent of newly contracted cases of HIV are found in this group. -Among young people, chlamydia infections are much more common than in other population groups. -According to European surveys, three quarters of all infections affect young people between the ages of 15 and 25. -In this country, human papilloma viruses are also frequently found in young people. -How has the number of infections developed? -Not all sexually transmitted diseases are notifiable. -According to the Robert Koch Institute, the number of syphilis infections has more than doubled from 1,697 cases in 2001, to 3,698 cases in 2011. -The number of newly contracted cases of HIV has been on the decline since 2007. -In 2011 there were around 2,700 cases. -This is around one tenth fewer than the previous year. -Which symptoms indicate a sexually transmitted disease? -The infectious diseases can cause ulcers in the genital area, discomfort when urinating, discharge, lower abdominal pain and blisters or warts. -However, often they cause no pain or any other symptoms, thus remaining undetected. -How can you protect yourself? -Condoms can reduce the risk of contraction, however, they do not offer 100% protection. -This is because occasionally, the pathogens of sexually transmitted diseases can also be passed on via smear infections and close bodily contact. -Therefore, first and foremost experts recommend that people with frequently changing sexual partners undergo regular examinations. -If diagnosed early, the majority of STIs can be cured and long-term consequences avoided. -Through sponsorships donations and by no means least the funds that the choir raises across the whole of Germany, the money all adds up. -"In total, we have already sent around 200,000 euros to Esitjeni," said Annette Lennartz, Chairperson of the association. -In the village itself, Zodwa Dlamini, a self-assured and assertive woman, manages the money from Germany. -She makes sure that the orphans have good accommodation, for example with one of their grandmothers. -The Gogos, as the old ladies are called in Zulu, are the pillars of the village. -Some of them have up to 14 orphans living with them, providing them with a roof over their heads and making sure that the children get to their school classes punctually every day, in their school uniforms. -Anyone who doesn't have anyone left, arrives at the shelter with Khanyisile, a single woman who earns the same salary from the association as the two cooks who cook for more than 200 hungry children every day. -In addition, "Voices for Africa" has established a sewing school,built two chicken coops and, together with the American health organisation, PSI, organised for many in the village to be tested for HIV. -This is nothing to be taken for granted, as is clearly the attitude towards illness throughout the entire country, the best way of keeping things under wraps is if people are dead. -A king with 14 wives -"AIDS is an absolute taboo subject," said Annette Lennartz, "because it is associated with sexuality." -This is actually strange for a country in which the king officially has 14 wives. -The last absolute monarch of sub-Saharan Africa, King Mswati III., is known for his excessive lifestyle. -Polygamy in place of democracy. -Among other factors, the fact that the HIV virus has spread quickly over the past number of decades can also be attributed to this officially sanctioned lifestyle. -Another factor is the large number of migrant workers who carry the virus across the country. -There are free condoms on every corner, said Annette Lennartz, "but they are hardly used. -The culture prescribes otherwise - flesh to flesh." -In order to promote the cultural exchange, the Imbongi choir travels through Southern Africa every two or three years and sings songs of melancholy, fighting spirit, confidence and black self-esteem, which many from the southern tip of the black continent still know from the times of apartheid. -A bus full of white people, who sing songs in a black language - this degree of recognition brings not only morale and joy, but some grim-faced border soldiers even shed a few tears. -The journey always leads to Esitjeni, where the singers visit their sponsor children. -Even though you can barely find the small village on a map, it is more than well-known in the valley of the Ezulweni River. -"Go to Esitjeni, that's where the light is," say the people there. -And if you make the 8,733-kilometre flight back to Heidelberg, to visit the stomping singers in their rehearsal room, you'll see that the light is there too. -Messenger: NASA discovers ice on Mercury -The Messenger probe has found evidence of ice on the planet Mercury. -It is thought that the ice cover may be up to 20 metres thick. -The US space agency, NASA, has proven the existence of ice on the planet Mercury. -Although the planet lies closest to the sun, it does have frozen water - as shown in three studies published on Thursday in specialist magazine "Science." -The Messenger probe has found evidence that there is an ice cover in the region of the planet that lies permanently in shadow. -This is thought to be at east 30 centimetres and perhaps up to 20 metres thick. -The water presumably came from comets or perhaps also asteroids that impacted with Mercury. -However, no-one is linking the discovery of ice with the existence of life on the planet, said Chief Scientist for the Messenger probe, Sean Solomon. -The temperature on Mercury can reach up to 426 degrees Celsius. -That said, the findings could help explain how water and other building blocks of life reached other regions of the solar system. -Unknown to the majority of the Earth's inhabitants, there are probes, telescopes and small robots such as the Phoenix, deployed to research the depths of the universe. -From time to time, they transmit images to Earth: small peepholes into the infinite expanse. -This image comes from a camera developed by German researchers at the Max Planck Institute. -The eight planets of our solar system, plus the dwarf planet Ceres. -Like Pluto, which orbits around the sun behind Neptune, Ceres is not a planet according to the new definition of the term issued by the International Astronomical Union in 2006. -This image section from an infrared recording by the Spitzer telescope shows a "family portrait" of countless generations of stars: the oldest stars are seen as blue dots, while more difficult to identify are the pink-coloured "new-borns" in the star delivery room. -This star-forming region - rather unromantically named W5 by scientists - was discovered by the Spitzer telescope in the Cassiopeia constellation, at a distance of 6,500 light years away. -This shimmering glow of a dying star was captured by NASA's Spitzer telescope. -The donut-shaped ring consists of material, ejected by the star in the process of dying. -In the huge Trifid Nebula, 5,400 light years away from the Earth, new stars are created from gas and dust. -NASA's Spitzer telescope shot this photo of the galactic delivery room. -The Pleiades star cluster, also referred to as "The Seven Sisters," can be seen with the bare eye at night. -With the telescope, however, the colours really come into their own. -In this infrared photo, the Helix Nebula looks back at the observer like a red eye. -It is located 700 light years away in the Aquarius constellation. -Its similarity with the continent resulted in this Nebula acquiring the title 'North America'. -A combination of normal and infrared photography produced the spectacular colouring. -This baby star could only be captured in its full beauty using the Spitzer telescope's infrared detectors. -Saturn and its rings: How these occurred is the greatest puzzle in the field of astronomy. -Perhaps they are the remnants of a moon of Saturn, which disappeared without a trace 4.5 billion years ago. -One of the largest and sharpest pictures from the Hubble telescope: the Whirlpool Galaxy -Depending on the colouring, photographs of spiral galaxies can become genuine works of art. -The photograph published by the European Southern Observatory shows the Trifid Nebula in the Sagittarius constellation, several thousand light years away. -The name Trifid stems from the Latin word trifidus (divided into three parts), as dark stripes of dust divide the core of the birthplace of stars into three parts. -In the Ophiuchus constellation, astronomers have photographed the signs of a cosmic collision: 400 million light years from the earth, the cores of two merging galaxies move rapidly towards one another, destined to collide. -This star birth was captured by the Hubble telescope in the M83 spiral galaxy. -Anyone who doesn't like technical abbreviations may prefer to call it by its nickname, the Southern Catherine Wheel. -The photo taken by the Hubble space telescope shows a section of the Iris Nebula in the Cepheus constellation. -The nebula, 1,400 light years away, consists of particles of dust that are ten to one hundred times smaller than standard house dust. -This image was put together from the X-ray images captured by various telescopes. -It shows a ring of black holes, 430 million light years away from the Earth. -This group of galaxies, named Arp 273, was pictured for NASA by the Hubble space telescope. -Scientists call the larger spiral galaxy UGC 1810. -This star nebula is home to the brightest group of young stars in our Milky Way. -This 'star cradle' continually produces new youngsters. -Likewise, this star cloud, connected to the Rosette Nebula, continually produces new baby stars - 5000 light years away from the Earth. -In this bright shining galaxy with one small black hole, there exists no dust - only gas. -Researchers presume that it only came into being shortly after the Big Bang, when the universe was comprised primarily of hydrogen. -Our view of the universe: the most important telescopes -The telescope is thought to have been invented in 1608 by Hans Lipperhey - even before Galileo Galilei used the device to observe the stars one year later. -Since then, the mirrors in optical telescopes have become increasingly large and the insights that they provide increasingly profound. -For a period of 30 years, namely from 1947 until 1975, the Hale telescope in the Palomar Observatory near San Diego was the largest telescope in the world. -The mirror, shown in the image, had a diameter of five metres. -Arizona, USA,is home to the Large Binocular Telescope. -It enables views of space via two mirrors, each with a diameter of 8.4 metres. -The inner workings of the Gran Telescopio Canarias on the Canarian island of La Palma are huge - the mirror alone has a diameter of 10.4 metres. -The mirror of the Southern African Large Telescope in South Africa is segmented - to reduce costs. -In spite of this it achieves a diameter of around eleven metres. -The disadvantage of this inexpensive construction method: the telescope is securely clamped at its angle of inclination and its movement is therefore limited. -The Hobby Eberly telescope in Texas also has a fixed angle of inclination. -What sets it apart: the high light-gathering capacity. -This - in spite of its comparatively low mirror diameter - even matches that of the world's largest reflector telescopes. -With the help of a radio telescope in Arecibo (Puerto Rico) researchers can listen for extraterrestrial signals in space. -The radio telescope has a diameter of 305 metres. -In the "Search for Extraterrestrial Intelligence" (SETI) every computer owner can be of assistance, by making his/her processing capacity available. -View of the European Southern Observatory (ESO) in the Chilean Andes. -This is home to the Very Large Telescope, which lives up to its name. -With its total of four mirrors, the telescope can also focus on the medial infrared spectrum. -Likewise to be located at the ESO Observatory in Chile, the European Extremely Large Telescope is also being planned. -Its main mirror is to span a full 42 metres and will be made from almost 1,000 mirror elements. -However, images are not to be expected until 2018 at the earliest. -Until 2007, the two Keck telescopes at the Hawaiian volcano, Mauna Kea, were the largest in the world. -They each have two mirrors, each with a diameter of ten meters. -The Keck Telescopes are part of the Mauna Kea Observatory, which alongside the Keck telescopes, can look to the heavens with the help of the Subaru telescope and the IRTTF. -Another huge new telescope is also to be built on the Mauna Kea, with a mirror diameter of thirty metres. -Here you can marvel at an artist's impression. -However, the most important insights into space are provided by the Hubble space telescope. -Since 24 April 1990 it has been supplying images of distant worlds. -Since March 2009 the Kepler space telescope has been searching for extra-solar planets, especially for any that may be inhabitable. -On 2 February 2011 it was announced by NASA that 1,235 planetary candidates had been identified since the mission began. -The image documents the final launch preparations on the Kepler space telescope. -The James Webb Space Telescope (JWST) will be launched into space on board an Ariane5 rocket by 2018 at the earliest. -The primary mirror of the infrared space telescope has a diameter of 6.5 metres. -One of the telescope's tasks is to search for light from the first stars and galaxies that emerged after the Big Bang. -Scientists are assuming that ice also exists at Mercury's south pole. -However, there is no reliable data in support of this as the Messenger orbits around the planets much closer to the north pole. -For decades, radar measurements have indicated that there is ice on Mercury. -Thanks to the Messenger probe that was launched in 2004, the first to orbit Mercury, scientists can now be certain. -Drink butter on a daily basis - and live to 168 years of age -In Southern Azerbaijan, many people reach biblical ages. -There is even a museum of longevity. -A hunt for evidence in the country in which 97 years old is still comparatively young. -In Southern Azerbaijan, many people reach ages that can almost be considered biblical. -There is even a museum of longevity. -A hunt for evidence in the country in which 97 years old is still comparatively young. -The journey through the Talysh Mountains can be described as wild and romantic. -The minibus rumbles over the winding streets, past densely wooded hills, raging rivers and simple farmhouses. -Everywhere is green and lush - you could be forgiven for thinking you were in the Black Forest. -However, this is the deep south of Azerbaijan, and the border with Iran is just a few kilometres away. -This is the home of the Caucasian people group, the Talysh, of whom not much is known except that they speak perfect Persian and Azeri and live long lives. -The final stop is Lerik. -The small town is bursting with overpowering architecture from Soviet times, which doesn't fit with the picturesque mountain landscape at all. -Tourists from Europe rarely come here; the journey from Azerbaijan's capital city, Baku, is too arduous. -It takes eight hours to travel the 323 kilometres, as too much of the route is just a single track. -The fabulous wealth, for which the country has its oil in the Caspian Sea to thank, has not yet arrives here in the province. -Yet Pilata Fatulayeva (48) is convinced that Lerik has what it takes to be a tourist attraction. -"Baku became famous in May due to the Eurovision Song Contest, and next year we are having a festival to celebrate the oldest people in the world," said Fatulayeva. -She is the Director of the Museum of Longevity, most likely the only of its kind in the world. -Here the lives of eight dozen Talysh from the area who lived to older than 100 are documented. Fatulayeva points out a black & white photo. -This here is my grandfather, he was 120 years old. -At the age of 136 he fathered another child. -However, the unrivalled star of the museum is shepherd Shirali Muslimov who is said to have lived to 168 years old. -However no birth certificate exists to confirm this. -And given that the longest confirmed lifespan was 122 years of age, Muslimov's claim seems extremely doubtful. -"He was born in 1805, here in the region, and died in 1973," explains Fatulayeva. -The man married three times and had 23 children, and is said to have fathered another daughter at the age of 136. -So did Shirali Muslimov miscalculate his age by a couple of decades? -But Rembrandt Scholz, researcher on ageing at the Max Planck Institute in Rostock, has also heard of people living to impressive ages in Central Asia. -"A strikingly high number of extremely elderly people can also be found in some areas of China, in Japan or the Hunza Valley in Pakistan," said Scholz, "while there is also an extremely large number of very old men in Sardinia." -Due to lacking documentation, however, there is no scientific proof of age, particularly as there are no birth registers. -Melted butter by the glass, every day -However, the fact remains that the people of the region surrounding Lerik reach a biblical age with striking regularity. -There are currently 20 individuals older than 100 years of age. -So why do so many very old people live here in the south? -The Azeri travel guide Farid Mugimzadeh explains this as being due to the special Talysh genetics. -In contrast, Museum Director Fatulayeva believes that it is due to diet. -However the notion that the calorie-rich diet of the Talysh, who love meat, bread and especially dairy products, and of whom many drink a glass of melted butter on a daily basis, could be considered healthy from a nutrition science perspective does not really seem plausible either. -Or is it the traditional way of life that keeps the people young? In Cengemiran, a tiny settlement not far from the town of Lerik, lives Rubaba Mirzayeva. -At 97 years old she is still comparatively young for the area. -Mirzayeva, who claims to have 143 descendants, lives in a simple wooden house, which is typical of the entire Caucasus region. -She sits on the floor with a butter churn, which she rolls backwards and forwards tirelessly. -Eight people live here under this roof, including one of Mirzayeva's sons and a daughter, both of whom have been grandparents for some time. -There are also two small children running around. -In the kitchen, tea is prepared for the guests, which is served in typical, bulging Armadu glasses. -Mirzayeva's white teeth stand in perfect rank and file, beneath her headscarf she conceals long, dark blond plaits, which her son proudly reveals for us. -I have always washed my hair with milk, and it has never fallen out or lost its colour. -"I have never used shampoo either," said Mirzayeva. -Monthly pension is enough to live on -She has only ever eaten what she could get from her own farm - tomatoes, potatoes, peas. -My whole life I have never once bought groceries in the supermarket. -Then she tells of her husband who was in the army. -Things were at their worst during the time after the Second World War. -However, everything became better when the "beloved father" Heydar Aliyev took the rudder. -The propaganda seems strange coming from the mouth of an old lady. -Yet the cult that revolved around the father figure for the nation, who governed his country like a dictator practically knows no limits in Azerbaijan. -He held power until 2003 and his son Ilham later took over the helm. -At least there is no deprivation among Azerbaijan's elderly. -Mirzayeva receives 230 Manat (around the same sum in euros) per month as her pension, which in a local context is an amount on which one can live comfortably. -And perhaps Mirzayeva's long greying son is right: "The elderly enjoy a deep respect in our culture." -They live among their extended family, are loved, cared for and are happy. -If this is not a reason to live for as long as possible, then what is? -The notion of "human rights" is omitted from the constitution. -The revolution has returned to Cairo. -Competing demonstrations in Cairo reveal the deep division within the country. -The future constitution based on Sharia law is fiercely disputed. -The Egyptian President is not holding back his emotion. -We must make the transition. -"And making sure it succeeds is my responsibility, before the people and before God," he said on state television. -His speech was aimed at the entire population,however in particular at the Coptic Christians, the liberals, enlightened Muslims and secularists. -For all of them, until now hopelessly estranged in a bewildered opposition, are fearful. -They are fearful of a God State on the Nile at the mercy of the powerful Muslim Brotherhood. -According to Mohamed Mursi, speaking almost apologetically, he has temporarily restricted the authority of the constitutional court and increased his own authority, "in order to rescue the revolution." -However, Egyptians - and the world - are not entirely sure what the 61-year-old engineer who holds a Doctorate from the American University of Southern California, really wants to save. -Should the judiciary be deprived of power? -In actual fact, the 234 articles, which have been pushed through by the Islamic-dominated 110-person Constituent Assembly, are in some aspects cause for concern. -As was also the case under previous constitutions, under the draft judicature is justified on the "principles of Islamic law." -Yet what are "principles"? -This was and remains subject to interpretation and there is concern that the Islamists will make use of the woolly formulation and the resulting room for legal manoeuvre in favour of a stricter interpretation of Sharia law. -This is at least suggested by one newly added article: in all issues affecting Sharia law, the Al Ashar University must be consulted, the country's most important Islamic institution, which has great influence throughout the whole of Sunni Islam. -This can, but does not necessarily have to mean that the clergy will oversee legislation, which would result in the de facto incapacitation of the judiciary. -Much in the constitutional draft is open to interpretation -Also problematic: civil military jurisdiction will continue to be upheld. -During Mubarak's rule, these courts served to suppress opposition. -Following the fall of the dictator, up to 11,000 civilians were under military imprisonment. -According to the draft, the state should also protect "the true character of the Egyptian family, and promote its morals and values." -From a legal perspective, this is formulated in such an unclear manner that state institutions could even use this article to control the content of cinematic art and literature. -In plain language, this is nothing other than censorship. -Incidentally, no article explicitly establishes the equality of men and women. -Another does prohibit the insult or slander of the prophet Mohamed and his emissaries. -However, what constitutes an insult and how this should be sanctioned remains unclear. -Equally dubious is the formulation stating that "insulting people" is forbidden. -Is a caricature of the president sufficient, or a joke at the expense of a jurist? -Open to interpretation, like so much in the draft submitted by Mursi to be signed and that, in his own words, will be submitted to Egyptians for referendum "very soon." -"The revolution is back" -For weeks the opposition has been gathering to combat the superior strength of the Islamists. -Tens of thousands gathered on Friday evening at the Tahrir Square in Cairo, in unfamiliar unity, and pledged to bring down the charter before it has even come into effect. -"The revolution is back and we are going to be victorious," said Hamdin Sabbahi, third place candidate in the presidential elections. -Noble Peace Prize winner and former Head of the International Atomic Energy Authority, Mohamed El-Baradei explained that the constitutional draft belongs "on the rubbish tip of history." -Via SMS service Twitter, he accused Mursi's followers of wanting to lead "a coup against democracy." -"If he calls for the referendum, we will go to his palace and overthrow him," said member of the opposition Jasser Said. -"We have not yet grown tired, the blood of our brothers has not yet been atoned for," stated the Egyptian media, quoting opposition politician Chaled Ali. -And several judges have signalled that they do not want to oversee the referendum, which would render it invalid. -"The Koran is our constitution" -The well-organised Muslim Brotherhood gathered for a counter-demonstration, although acting cautiously they did not choose the Tahrir Square but rather a mass prayer on the other side of the Nile, outside the Cairo University. -Many veiled women and followers of the Salafis took part, shouting out: "The people demand the application of God's law." -They demanded of Mursi: "Cleanse the country!" and protested: "The Koran is our constitution." -A struggle for control over the symbolic Tahrir Square, where everything began, would have most likely provoked events verging on civil war. -Quite clearly, this was something that Mursi's followers did not want to risk. -The Muslim Brothers stated that both those against and those in favour of the constitutional draft had expressed themselves loud and clear. -Now is the time to let the population decide at the ballot box, in which direction the country should move forward. -It is a certainty that there is a majority in favour of the Islamists' draft. -"The term 'human rights' does not even appear once" -Hafez Abu Saeda is furious about this forced constitutive process, which actually should have lasted until February and should have involved all social interest groups. -The 48-year-old human rights lawyer and Chairman of the Egyptian Organisation for Human Rights (EOHR) defended the Muslim Brotherhood, when imprisoned or in court under Mubarak. -Not because he shared their world view, but because for him, human rights are indivisible. -For this he was battered, condemned and imprisoned. -"And now the term human rights does not even appear once in the new constitution," he bemoaned in a discussion with "Welt am Sonntag." -The lawyer has resigned himself to Mursi extending his power to all three branches of state government. -These measures are blatant breaches of the ground rules of democracy and will guide Egypt into a new dictatorship. -"Instead of strengthening the civil society, the President is effectively suspending it," complained Saeda. -Yet without civil society organisations, a democracy cannot function. -Saeda feels abandoned,even by the international community, which is observing the battle over the ideological direction on the Nile with a mixture of curiosity and excitement. -This could come back to haunt them. -One demonstrator at the Tahrir warned: "You are letting loose a monster that you can no longer control." -Norway's rakfisk: Is this the world's smelliest fish? -Norway's five million people enjoy one of the highest standards of living, not just in Europe, but in the world. -Could the secret of the country's success be connected to the local appetite for some exceedingly smelly fish? -Take a selection of over-ripe cheeses. -Place them in the midst of a pile of dirty, wet soccer kit. -Leave for a week. -Now you have the nose-numbing smell of rakfisk, one of the great Norwegian delicacies. -I am in the small town of Fagernes, about three hours from Oslo. -There is snow, spectacular scenery - and that odour, ever present, hangs in the air. -Rakfisk is trout sprinkled with salt and fermented in water for - depending on how smelly you like your fish - up to a year. -As the dark sets in and the weather turns cold, Norwegians flock to a festival here in Fagernes devoted to this most, well, captivating of foods. -"You eat it raw, and then swallow a glass of aquavit," says Havard Halvarsen, full-time local firefighter but also the so-called "Rakfisk General," in charge of running the festival. -All around us people are eating little cubes of the fish and knocking back quantities of drink. -"Some people like the aquavit more than the rakfisk," says Havard. -The drink can kill the smell. -I try a few pieces. -If you can avoid passing it under your nose, it is not bad - not unlike a slice of sushi that has been on rather a long bus journey. -Rakfisk is a product of very different, poverty-stricken times in Norway when, pre-refrigeration, fish was soaked in airtight barrels of water and salt in autumn. -Then in the depths of winter, well and truly fermented, it is taken out and - no doubt with the senses knocked out by alcohol - eaten. -Only a generation ago, thousands of Norwegians were forced to leave their country in search of work, emigrating mainly to the US. -Now the population is expanding fast - more than 13% are immigrants, attracted by plentiful jobs, high wages and a comprehensive care system. -People from Sweden, the old rival and not so long ago far richer than Norway, stream in to work. -Rakfisk is seen as signifying something important, a vital if rather smelly part of Norway's past. -It is among the more expensive dishes you can buy. -But then everything is expensive - a small glass of beer or a sandwich knock you back £9 ($14) each. -Norway does not often make it on to the global news agenda - and most seem to like it that way. -People here are still loath to mention by name Anders Breivik, the right-wing, racist extremist who gunned down and killed 77 men, women and children last year. -Instead, the shootings are referred to as "the July the 22nd incident." -Norwegians find it very difficult to believe that in their peace-loving country one of their own was capable of such brutality and murder. -The growth since the early 1970s of one of the world's biggest oil and gas industries lies behind much of Norway's present-day wealth. -"But oil is not the only reason we are doing so well," says Anna our waitress, handing round trays of maturing rakfisk and, with her long blond hair and startlingly blue eyes, the image of Nordic well-being. -We are a - how you say - prudent people. -Her English, like that of most people here, is flawless. -We are not very showy, we do not like ostentation. -Norway has handled its oil wealth very carefully - all but a small percentage of money from the industry is invested in a special fund for the benefit of future generations. -When everyone else was throwing around money they did not have, in the years leading up to the global financial crash, Norway kept its purse strings tightly bound. -"As long as we can ski in winter and go hiking in summer we are happy," says Anna. -"And eat rakfisk," she adds with a carefree laugh. -I stand in the snow and queue for something to eat - I have had enough rakfisk. -Now an elk burger is certainly something different and rather succulent to the taste. -But in the evening, it is more of that smelly fish. -The hotel I am staying in is one of a number of venues hosting a rakfisk dinner where guests vote on the best - or perhaps the most nasally challenging - fish. -There is a live TV link up to a compere in a bow tie surrounded by plates of rakfisk. -It is like the Eurovision song contest. -"What score do you have for the best fish up there in the mountains Thor-Juergen?" -"Here are our points, Havard." -There is clapping, laughter. -A man falls off his chair, perhaps overcome with aquavit. -Or maybe it is the fumes from all that fish. -Mexico's Enrique Pena Nieto faces tough start -As Mexico's incoming President Enrique Pena Nieto prepares to take office, the BBC's Will Grant looks at the challenges facing him and the mixed expectations of his population. -Traffic in Mexico City is particularly bad at present. -A congested city at the best of times, a ring of steel has been erected since Monday cutting off several key routes into the capital and causing chaos on the roads. -The aim, however, wasn't to stop commuters getting to work but prevent protesters from reaching parliament. -On Saturday, Mexico's new president Enrique Pena Nieto will receive the presidential sash and take over the running of the nation. -He faces a complicated task. -Mexico has been performing well economically under the outgoing administration of Felipe Calderon, but the country is in the grip of a drug war, which has already claimed an estimated 60,000 lives in six years. -"My government has a great commitment to the Mexican people to reduce the violence," Mr Pena Nieto told US President Barack Obama in the Oval Office earlier this week. -I will be proposing a new security strategy which will allow us to achieve that aim. -Before rubbing shoulders with the US president, Mr Pena Nieto's previous political experience was as governor of his home state, the State of Mexico. -A populous, sprawling state surrounding the capital, opinions about the new leader are divided in his old stomping ground. -A straightforward man -In the bucolic town of Valle del Bravo, for example, he is remembered fondly. -Residents credit him with boosting tourism in the resort and building infrastructure. -To reach the town you can drive along one of Mr Pena Nieto's new motorways, a vast improvement on the cracked and bumpy roads it replaced. -Plaques bearing his name also hang outside a modern sports centre and an impressive interactive museum about climate change. -"We are looking to him to bring about real and lasting change," says friend and political ally Gabriel Olvera Hernandez, a state congressman for Mr Pena Nieto's party, the PRI. -Particularly in terms of security and the economy, we're hoping for an interesting and true change which our country so badly needs. -After an unbroken 81 years in power, the PRI was ousted in 2000 by Vicente Fox. -Congressman Olvera admits that after 12 years outside the presidential palace of Los Pinos, there is much expectation within the party about Enrique Pena Nieto. -And he rejects the opposition's characterisation of the new president as lacking substance. -He's a very straightforward man, very committed with an excellent vision of the country. -He's an excellent statesman and, above all, he's someone who knows how to listen. -But on the other side of the state, that is not the impression many people have of their former governor. -In Nezahualcoyotl, also known as Ciudad Neza, the contrast with the cobbled streets of Valle del Bravo couldn't be sharper. -Tucked away under motorway flyovers, it is in many ways a suburb of Mexico City itself. -And the problems in the municipality are also gritty and urban. -Earlier this year, the military was called in to help tackle the drug gangs operating in the neighbourhoods, and violence against women is particularly acute. -On a patch of wasteland by a vast landfill site, the bodies of dozens of murdered women have been dumped over the past two years alone. -More than 1,000 women were killed in Mexico State while Mr Pena Nieto was governor, a rate much higher than in the notoriously violent city of Ciudad Juarez - a place synonymous with the murder of innocent women. -Mr Pena Nieto's critics say, at best, he failed to adequately address the problem of femicide while he was in office. -At worst, they accuse his administration of turning a blind eye. -In a concrete home typical of the rundown neighbourhood, Irinea Buendia struggles to fight back the tears as she shows me photos of her late daughter, Mariana Luna. -According to the official version of events, Mariana committed suicide in 2010. -However her family believes she was murdered by her partner. -"When I arrived at her house it seemed her body had been washed," Senora Buendia recalls. -There were signs she'd been beaten, and rigor mortis had already set in. -As her mother recounts the story, a picture of Mariana looks down from the walls, next to a cross bearing a single word: Justice. -However, that is exactly what the family say they have been denied. -The state authorities have treated me like I'm an old gossip, a trouble-maker, a whiner. -What they want is that one simply accepts what they say and shuts up. -"But that can't be right when there were so many irregularities and omissions," she says. -As President Pena Nieto receives the sash on Saturday, it comes with a heavy responsibility. -Tens of thousands of families have been affected by violent crime in Mexico over the past six years and the new president has promised to make them a priority during his time in office. -"I hope he's the same kind of president as he was a governor," says PRI Congressman Olvera in Valle del Bravo. -That, however, is exactly what victims' families in Ciudad Neza most fear. -Bradley Manning didn't complain about mistreatment, prosecutors contend -Prosecutors try to counter Bradley Manning's claims of abuse in confinement -The hearing focuses on Manning's time in the military brig at Quantico, Virginia -Defense wants case dismissed on grounds that Manning's confinement was harsh -The Army private is accused of stealing thousands of classified documents -Prosecutors tried to establish Friday that Army private Bradley Manning -- charged in the largest leak of classified material in U.S. history -- missed multiple opportunities to complain about the mistreatment he's alleging he suffered in military custody. -While cross-examining Manning at a pre-trial hearing at Ft. Meade, Maryland, prosecutor Maj. Ashden Fein asserted that records of weekly visits Manning had with unit officers during nine months of detention at Quantico, Virginia, show no complaints about his treatment. -The cross-examination -- during a hearing on a defense motion to have Manning's case dismissed on grounds that his confinement has been harsh and has amounted to enough punishment -- came a day after Manning testified that he had considered suicide while in custody. -The Army intelligence analyst, arrested in June 2010, is accused of stealing thousands of classified documents while serving in Iraq. -The material was then published online by WikiLeaks. -WikiLeaks has never confirmed that Manning was the source of its information. -In Friday's hearing, Fein reviewed with Manning the forms that officers filled out after meeting with Manning during his detention at Quantico's brig, where he was held under a heightened confinement status from July 2010 to April 2011. -Officers would ask Manning questions and write down his responses. -When Fein asked about the forms Friday, Manning acknowledged that he rated treatment by his guards as "excellent" and treatment by the facility overall as "very professional." -The forms show no complaints of mistreatment, even though the officers asked Manning directly about his treatment, Fein contended. -Manning responded that he would verbally express concern about issues and that the visiting officers would talk through the concerns and indicate that they would be addressed, but they didn't record the issues. -"They would write down 'no issues' (after discussing the concerns), and it didn't necessarily mean I didn't bring something up," Manning said. -The judge, Army Col. Denise Lind, also asked Manning why he didn't complain about his treatment during a January 2011 meeting with a board examining the suicidal thoughts he expressed in a form months earlier. -Manning replied that his intention during that meeting was to get his "prevention of injury" status downgraded. -The military said they put him on this restrictive status -- a step below suicide watch -- for his protection and the safety of others. -"I wanted staff to know I was fine, and (I wanted to) get off the POI status ... to enjoy an increased quality of life from my viewpoint," Manning said. -Manning testified Thursday about his arrest in Iraq and his transfer to Kuwait, where he was held for nearly two months before being transferred to the brig at Marine Base Quantico in Virginia in July 2010. -He said he contemplated suicide in Kuwait and once passed out there due to the heat. -He said not being allowed to know what was happening to him or in the outside world was distressing. -"My world just shrink to Camp Arafjon, to that cage," Manning said Thursday. -I thought I was going to die in that cage. -Once at Quantico, Manning said, he spend most days in a small cell -- at least 21 hours and often more than 23 hours -- with no company. -Manning said he was allowed only a mattress, blanket, flip-flops, some clothes and his glasses. -He said he tried to keep moving, because sleeping during the day or even lying down was against the rules. -Manning said he always slept with light from outside his cell in his eyes. -If guards could not see his face when he rolled over at night, he said they would wake him to roll back over. -Manning's lawyer filed a formal objection to Manning's treatment in January 2011. -Manning was moved to the military prison at Fort Leavenworth, Kansas, in April 2011. -Also Friday, the judge asked Manning about an allegation that he made in Thursday's testimony -- that after being forced to sleep naked one night in his Quantico cell, he was forced to stand naked in front of guards and other inmates during a morning head count. -Manning had testified that he was never given a chance to cover himself with his blanket during the head count. -Under questioning from the judge Friday, Manning said that he inferred from his guard's order that he should drop a blanket that could have covered him, but he acknowledged that no one had ordered him to drop it. -Manning testified Thursday that he was forced to sleep naked the previous night because of his attempt to show an officer that he wasn't a danger to himself. -Manning said that he told the officer that he could have used the waistband of his underwear or his flip-flops to hurt himself but hadn't done so. -That night, Manning testified, his underwear, flip-flops and glasses were removed from his cell. -His lawyers hope the judge will at least take his experiences during confinement into account and sharply reduce his sentence should he be convicted at his court-martial, which is expected to begin early next year. -The defense has said it plans to have Manning plead guilty to lesser offenses and fight other charges as being too extreme. -The hearing is scheduled to resume this weekend, with prosecutors expected to argue that the detention conditions were warranted. -The Pentagon has maintained that Manning was held in accordance with rules governing all maximum-custody detainees at Quantico. -Counts against Manning include aiding the enemy, wrongfully causing intelligence to be published on the Internet, transmitting national defense information and theft of public property or records. -If he's convicted on all counts, he could face a life sentence. -My Mexican-American identity crisis -He says many were forced to leave Mexico because of the lack of opportunities there -Mexicans tend to fault those who left; they remind Mexicans of hard times, he says -Navarrette says Mexican-Americans are caught between two worlds -On a recent trip to Mexico City, I had barely made my way down the concourse and arrived at the immigration processing area when I got stumped. -Signs pointed the way to two lines: one for "Mexicanos" ("Mexicans"), another for "Extranjeros" ("Foreigners.") -I stood there for a few seconds, unsure of where to go. -Growing up in Central California, I had been called a "Mexican" my entire life. -It's ethnic shorthand in the same way that my friends in Boston refer to themselves as "Irish" or my friends in New York describe themselves as "Italian." -Later, I settled on "Mexican-American." -But, this was Mexico. -And, in the homeland of my grandfather, there was no need for shorthand or hyphens. -I was simply an American. -I speak Spanish, good enough to handle either end of an interview in that language. -But I don't have the vocabulary of a native, and I can't shake my American accent. -So I took my U.S. passport and got in the line for Extranjeros. -I thought about that moment this week when Mexican president-elect Enrique Pena Nieto visited the White House to meet with President Obama. -On the agenda, as usual, when the leaders of these two countries meet: immigration, drugs and trade. -Pena Nieto was also eager to talk about the growth of the Mexican economy, which is one reason that Mexicans are now just as likely to stay in Mexico as venture to the United States. -He wants to partner with the United States and Canada, and create a European Union-style trading bloc in North America. -And Pena Nieto vowed to continue Mexico's war against the drug cartels, even though he offered no specifics. -For Mexico, the relationship with the United States is complicated and filled with hard feelings. -Most Americans probably never give a thought to the fact that, in 1848, the United States invaded Mexico and forced its leaders to sign over half their territory at the point of rifle. -But for Mexicans, who think in terms of centuries, not minutes, the reminders are everywhere. -So the minute that a U.S. official says anything the least bit critical of Mexico, you start hearing -- in the Mexican press, and among the elites -- complaints about how the Americans are encroaching upon their neighbor's sovereignty. -And the children of Montezuma go on the warpath. -And yet, for Mexico, the really challenging relationship is with the more than 35 million Mexican-Americans living in the United States. -You want to talk about hard feelings? -There is plenty. -Mexico has winners and losers, people for whom the country provides opportunities and others for whom it doesn't. -The only reason you have so many people of Mexican ancestry living in cities like Los Angeles, Las Vegas, Phoenix, Denver or San Antonio is because, at some point in our family tree, there was a person, maybe a parent or grandparent, who was shut out from opportunity in Mexico and had to go north. -And more often than not, that person fit a profile -- dark skin, little education, from a poor village, etc. -We're their offspring, and we're loyal to them. -Not Mexico. -And even though we may now be living the American Dream, having gone to good schools and taken good jobs, we can never lose sight of the fact that it's the American Dream we're living, and not the Mexican one. -Our identity might sometimes be fuzzy, but our loyalty is clear. -It's to the United States. -Besides, we're aware that many of the elite Mexicans in the ruling class don't like us. -The feeling is mutual. -They see us as a reminder of a humiliating defeat and look down on us as inferior stock that isn't sufficiently Mexican. -Our Spanish will never be good enough, our ties to Mexico never strong enough. -Our existence is, as they see it, all about failure. -If our families hadn't failed in Mexico, they wouldn't have left. -And we wouldn't now find ourselves trapped behind the silk curtain, living well in the United States but lost souls nonetheless. -My wife, who was born in Guadalajara and came to the United States legally as a child, reminds me that there is friction between Mexicans and Mexican-Americans because Mexicans have a firmer grasp of who they are and Mexican-Americans resent that. -While she's a U.S. citizen, she sees herself as a part of two countries. -Meanwhile, many Mexican-Americans I know don't feel like they're a part of either. -We love listening to the Mexican band, Los Tigres del Norte, but also to Bruce Springsteen. -You get the best of both worlds, but you're rooted in neither. -In Mexico, we're seen as Americans. -And in the United States, we're considered Mexican. -Now, to complicate the relationship even further, as I learned during my trip, some Mexican leaders and parts of the intelligentsia want to reconnect with the Diaspora. -They want to put Mexican-Americans to work as makeshift "ambassadors" for Mexico, representing its interest in the United States. -We would tell our fellow Americans what a great country this is to visit and pressure political leaders to strengthen ties with Mexico. -Yeah. -That's not going to happen. -Too many hard feelings. -And, with income inequality and rampant corruption and drug violence, many of us are not so sure that it is a great country. -I'm afraid you're on your own, amigos. -That's fair. -If at least some Mexicans aren't yet ready to forgive the United States for how it treated Mexico a century and a half ago, then they have to accept the fact that some Mexican-Americans still hold a grudge for how their family members were treated much more recently than that. -Hmmm. -Maybe we're more "Mexican" than I thought. -Old battles, new Middle East -The ceasefire between Israel and Hamas could yet be an unlikely foundation for peace -Can there ever be a lasting peace between Arabs and Jews in the Middle East? -Another round of bloodshed suggests that any such hope is vain. -Amid the usual futile arguments over who started it, scores of buildings have been reduced to rubble; more than 140 Palestinians, most of them civilians, and six Israelis have been killed; and, for the first time, missiles from Gaza have landed near Tel Aviv, Israel's metropolis, and the holy city of Jerusalem. -But though the Israelis and Palestinians seem stuck in their ancient conflict, all around them the Middle East is changing. -The Arab spring has thrown the pieces up in the air, and, like it or not, the Palestinians and Israelis are caught up in the regional turmoil. -Maybe this will make their struggle bloodier than before. -However, there are reasons for thinking it could just break their lethal stalemate. -A war that is neither lost or won -At first sight, optimism looks very hard to justify now. -Even if the ceasefire agreed on November 21st holds, this week's fighting has strengthened the hawks on both sides. -The leaders of Hamas, the Islamist movement that has ruled Gaza since 2007, will claim to have forced the Israelis to back off, even though Gaza has taken a drubbing. -Despite killing some of its leaders and bottling up Gaza's 1.7m people in one of the most wretched and crowded corners of the planet, Israel has failed to destroy Hamas. -Indeed Hamas is gaining on the West Bank, the other bit of Palestine currently run by its bitter rivals in Fatah, the more moderate Palestinian faction. -Moreover, Hamas's leaders may well conclude that time is on their side. -As Islamists across the Arab world have gained clout, so Hamas has made powerful and rich friends. -Turkey, a resurgent regional power that was once Israel's closest Muslim ally, has taken up Hamas's cause; so has Qatar, one of the richest and most dynamic of the Gulf states. -Jubilant Hamas people say an Islamist crescent is curving around Israel, from Lebanon in the north, where the Hizbullah party-cum-militia holds sway, through Syria, where rebels of an increasingly Islamist bent may topple Bashar Assad, and on down through Jordan, where Hamas's allies are menacing the king. -Above all, on Israel's southern flank, the rise of the Muslim Brotherhood under President Muhammad Morsi in Egypt, by far the most populous and pivotal of Arab countries, has changed the region's balance. -Hosni Mubarak, the secular despot who ran Egypt for 30 years until his downfall in 2011, had little time for Hamas. -By contrast, the Brotherhood is a cousin of Hamas, and its leaders are more subject to popular opinion. -In future diplomacy Hamas may emerge as an actor that cannot be shut out even by Israel and America. -Meanwhile, Israel's hardliners will draw the opposite conclusions. -In military terms, Hamas has been put back in its box. -Israel's Iron Dome anti-missile system has proved its worth and many of Hamas's missiles have been destroyed. -Israelis will sleep more soundly - for a while. -In diplomatic terms, America is as steadfast as ever; many European countries also blamed Hamas for starting the latest round of violence. -Above all, Israel has prospered, especially under Binyamin Netanyahu, a prime minister who has largely ignored the peace process. -Although rockets from Gaza have killed around 30 Israelis since 2004, Israel has been fairly free of suicide-bombers, thanks in part to the barrier that bites into the West Bank, the main chunk of a would-be Palestinian state, and protects the Jewish settlements that continue to expand despite their illegality in international law. -Mr Netanyahu, whose Likud party has merged with an even more hawkish lot under Avigdor Lieberman in the run-up to an election on January 22nd, is sitting pretty. -Why coddle those twisty Palestinians by giving them a state of their own? -If they really ran the West Bank, would they not fire rockets, just as their compatriots have done in Gaza? -Better to keep them behind that wall and smite them if they raise their heads. -Maybe the hardliners will win out; yet the Arab spring may change their calculations. -Even if the Islamists taking power in Egypt and elsewhere have little love for Israel, their priority will be tackling difficulties at home. -Israel's defence budget is bigger than that of its four Arab neighbours combined. -Starting a war with the local superpower will hardly help the new Arab governments mend their economies. -That the pragmatic Mr Morsi worked with Barack Obama to obtain a ceasefire augurs well - and might just mark the start of something. -Israelis too should look to the longer term. -With the rest of the Arab world becoming more democratic, depriving Palestinians of their right to self-determination is creating a powder keg that is bound one day to explode in the territories occupied by Israel - much as a bus exploded in Tel Aviv this week. -Repression is already undermining democracy in the Jewish state, and demography exacerbates this as the Arab population swells. -Bloody missions against Gaza every few years to knock back Hamas will exact a growing diplomatic toll. -Both sides need prodding by outsiders -The answer remains the one trumpeted by sensible people on both sides, most of the outside world and this newspaper: two states, with Israel ceding territory for security. -The hope - a small one in the short term - is that the ceasefire will give a little more leverage to outsiders pushing that cause. -Egypt, which must now set about stopping the flow of arms into Gaza, along with Turkey and Qatar, is better placed than ever to persuade Hamas to accept the idea of a Jewish state based on the 1967 boundaries with land swaps and a shared Jerusalem. -Arab outsiders should also press Hamas and Fatah to come together. -That would do more to create a Palestinian state than the imminent bid for virtual statehood at the UN. -Mr Obama also has a part in getting Israel to the table. -During his first term, he neglected to present his own plan for peace. -Back in the White House, he is looking just as reluctant to be drawn in. -This is woefully short-sighted. -America has a vital interest in a stable Middle East. -That means a peace settlement between Israel and the Palestinians. -Cigarette plain packaging laws come into force in Australia -Smoking warnings and diseased body parts emblazoned on dull green boxes that are the same for all tobacco brands -Australia's world-first laws on cigarette and tobacco plain packaging have come into force, replacing brand logos and colours with generic drab olive green coverings, gruesome pictures of diseased body parts and depictions of children and babies made ill by their parents' smoking. -Apart from the varying health warnings and images the only difference between the packs, mandatory from Saturday, are the brand names, and these are all printed in identical small font. -It is the world's most strict regime for the packaging of tobacco. -Australia's federal government says the aim is to deter young people from smoking by stripping the habit of glamour. -It is relying on studies showing that if people have not started smoking by age 26 there is a 99% chance they will never take it up. -"Even from a very early age you can see that kids understand the message that the tobacco company is trying to sell through their branding," said the federal health minister, Tanya Plibersek, citing studies that showed, for example, children linking a crown in a logo with the idea of being a princess. -While Australia has one of the world's lowest smoking rates and the changes will have little impact on multinationals' profits, other countries are considering similar steps. -The tobacco industry lobbied hard against the laws. -Tobacco firms said they would boost black market trade, leading to cheaper, more accessible cigarettes. -"There will be serious unintended consequences from the legislation," said Scott McIntyre of British American Tobacco Australia. -Counterfeiters from China and Indonesia will bring lots more of these products down to sell on the streets of Australia. -Others say the laws have boosted their business. -Sandra Ha of Zico Import Pty Ltd, a small family business, said demand for cigarette cases, silicon covers to mask the unpalatable packages, had shot up from almost nothing two months ago since British American Tobacco, Britain's Imperial Tobacco, Philip Morris and Japan Tobacco lost a challenge to the laws in Australia's high court. -Ha said Zico had sold up to 6,000 to wholesale outlets and was awaiting new stock. -This is good business for us. -The potential hitch, experts say, is the popularity of social media with the very demographic the plan is targeting. -After a series of Australian laws banning TV advertising and sports sponsorship and requiring most sellers to hide cigarettes from view, tobacco marketing has moved online. -Australia has banned web advertising by local companies and sites but cannot restrict overseas sites. -"If you are a tobacco marketer and you've only got this small window left to promote your products, online is the compelling place for you to be in," said Becky Freeman, a public health researcher at Sydney University. -Freeman noted an increase in "average Joe" reviews of brands on social media sites such as YouTube, Twitter and Facebook. -We have to ask, is that just a private citizen who really loves Marlboro cigarettes and they've gone to the trouble of making a video, or is there a marketing company involved? -British American Tobacco Australia said the industry was focused on dealing with the new rules rather than marketing. -The industry has gone as far as paying for Ukraine, Honduras and the Dominican Republic to challenge the new rules - the countries are claiming at the World Trade Organisation that trade is being unfairly restricted, despite none of the countries having significant trade with Australia. -A WTO ruling is likely in mid-2013. -Plibersek said the government had held discussions with other countries considering similar laws on packaging. -Canada was the first country to make photograph warnings mandatory in 2001. -They now extend to more than 40 countries including Brazil, Turkey and Ukraine. -Tougher laws are being considered in Britain, New Zealand, South Africa and India. -Many smokers in Australia remain defiant. -The pictures don't affect me. -I just ignore them. -"You just grab a smoke and put it away," said Victor El Hage as he purchased a pack with a photograph of a mouth tumour. -Honestly, there's only one reason I'd stop, and that's my little girl. -James Yu, who runs the King of the Pack tobacconist in central Sydney, said the uniform packaging made it harder to stack his shelves -"It used to take me an hour to unload a delivery, now it takes me four hours," Yu said. -"The government should have just banned them altogether and then we'd go OK, fine, we're done, we'll shut up shop," he said, throwing his hands up in the air. -In a Constantly Plugged-In World, It's Not All Bad to Be Bored -I spent five unexpected hours in an airport this Thanksgiving holiday when our plane had mechanical difficulties and we had to wait for another plane to arrive. -So I had plenty of time to think about the subject of boredom. -I won't lie to you. -Half a day in an airport waiting for a flight is pretty tedious, even with the distractions of books, magazines and iPhones (not to mention duty-free shopping). -But increasingly, some academics and child development experts are coming out in praise of boredom. -It's all right for us - and our children - to be bored on occasion, they say. -It forces the brain to go on interesting tangents, perhaps fostering creativity. -And because most of us are almost consistently plugged into one screen or another these days, we don't experience the benefits of boredom. -So should we embrace boredom? -Yes. -And no. -But I'll get back to that. -First of all, like many people, I assumed that boredom was a relatively recent phenomenon, with the advent of more leisure time. -Not so, says Peter Toohey, a professor of Greek and Roman history at the University of Calgary in Canada and the author of "Boredom: A Lively History" (Yale University Press, 2011). -"Boredom actually has a very long history," he said. -There's Latin graffiti about boredom on the walls of Pompeii dating from the first century. -Then there's the question of how we define boredom. -The trouble is that it has been defined, and discussed, in many different ways, said John D. Eastwood, an associate professor of psychology at York University in Ontario, Canada. -After looking over the research literature and putting the idea in front of a focus group of about 100 people, Professor Eastwood and his colleagues defined boredom as an experience of "wanting to, but being unable to engage in satisfying activity." -What separates boredom from apathy, he said, is that the person is not engaged but wants to be. -With apathy, he said, there is no urge to do something. -The core experience of boredom, he said, is "disruption of the attention process, associated with a low mood and a sense that time is passing slowly." -Boredom can sound an awful lot like depression. -But Professor Eastwood said that while they can be related, people who are bored tend to see the problem as the environment or the world, while people who are depressed see the problem as themselves. -Sometimes we think we're bored when we just have difficulty concentrating. -In their study, "The Unengaged Mind: Defining Boredom in Terms of Attention," which appeared in the journal Perspectives on Psychological Science in September, Professor Eastwood and his colleagues pointed to an earlier experiment in which participants listened to a tape of a person reading a magazine article. -Some groups heard a loud and unrelated television program in the next room, others heard it at a low level so it was barely noticeable, while the third group didn't hear the soundtrack at all. -The ones who heard the low-level TV reported more boredom than the other two groups - they had difficulty concentrating but were not sure why, and attributed that difficulty to boredom. -When you're trying to focus on a difficult or engaging task, disruption of attention can lead to boredom, said Mark J. Fenske, an associate professor of neuroscience at the University of Guelph in Ontario and one of the authors of the study. -On the other hand, when you're doing something dull, "such as looking for bad widgets on a factory line, distracting music can help you not be bored." -In fact, he said, we now know that squirming and doodling, often seen as a sign of boredom, can actually help combat it by keeping people more physically alert. -"Research shows that kids who are allowed to fidget learn more and retain more information than those who are forced to sit still," Professor Fenske said. -We all experience boredom at some points - my flight delay, a droning speaker, a particularly tedious movie. -But some individuals are more likely to be bored than others. -To help measure this, researchers developed a "Boredom Proneness Scale" in the 1980s. -The scale includes questions like, "Many things I have to do are repetitive and monotonous," and "I have so many interests, I don't have time to do everything." -Using such scales, researchers have discovered that boys tend to be bored more often than girls, said Stephen Vodanovich, a professor of psychology at the University of West Florida, especially when it comes needing more, and a variety of, external stimulation. -But in general, teenagers are a pretty jaded lot. -In 1991, Reed Larson, a professor of human and community development at the University of Illinois, conducted an experiment in which he contacted almost 400 teenagers and their parents seven to eight times a day by beeper. -He found that 32 percent of adolescents said they were bored in school and doing homework, while 23 percent said they were bored when they weren't in school. -On the other hand, 3 percent of parents said they were bored. -Professor Larson said he did not know whether the boredom percentages now, 21 years later, would be higher or lower. -But he said he did know that "adolescence is a peak period for boredom," largely because children and teenagers are not given a lot of control over what they want to do. -So back to my original question: Is boredom good for you? -Sometimes no, because in its extreme it can lead people to take absurd physical risks, gamble or indulge in substance abuse as a way to ease it, research shows. -On the other hand, many philosophers and writers discuss the connection between boredom and creativity, said Professor Vodanovich, who has been studying the issue for more than two decades. -"Boredom is the brain's way to tell you you should be doing something else," said Gary Marcus, a professor of psychology at N.Y.U. -But the brain doesn't always know the most appropriate thing to do. -If you're bored and use that energy to play guitar and cook, it will make you happy. -But if you watch TV, it may make you happy in the short term, but not in the long term. -So if your child is bored and you give him an iPad, he may not be bored anymore, but he hasn't learned how to entertain himself, or self regulate, Professor Fenske said. -And "that self-regulation transfers from one situation to other," he said. -Your kid doesn't just learn to entertain himself, but gets more self-control in other areas. -I don't think we really want to celebrate boredom. -Nor should we be too critical of it. -Rather, our goal should be to feel comfortable away from the constant chatter of activity and technology. -Professor Eastwood agreed. -"We frame it as we need to be bored more, but boredom is an agonizing, restless desire to be connected with something meaningful," he said. -What people are really searching for, he said, is a way to unplug and enjoy down time. -"In an environment where we are constantly overstimulated," he said, "it's hard to find ways to engage when the noise shuts down." -In Colorado, No Playbook for New Marijuana Law -Anthony Orozco, 19, a community college student and soccer player in southeastern Colorado, is facing criminal charges for something that will soon be legal across this state: the possession of a few nuggets of marijuana and a pipe he used to smoke it. -Mr. Orozco said that one day in September he and a few friends were driving in Lamar, on the plains near the Kansas border, when they were pulled over. -After the police officer found marijuana in the car, Mr. Orozco was issued a summons for possession and drug paraphernalia - petty offenses that each carry a $100 fine - and given a court date. -"We get treated like criminals," Mr. Orozco said. -But is he one? -In the uncertain weeks after Colorado's vote to legalize small amounts of marijuana for recreational use, the answer in hundreds of minor drug cases depends less on the law than on location. -Hundreds of misdemeanor marijuana cases are already being dropped here and in Washington State, which approved a similar measure. -Police departments have stopped charging adults 21 years and older for small-scale possession that will be legally sanctioned once the laws take effect in the coming weeks. -But prosecutors in more conservative precincts in Colorado have vowed to press ahead with existing marijuana cases and are still citing people for possession. -At the same time, several towns from the Denver suburbs to the Western mountains are voting to block new, state-licensed retail marijuana shops from opening in their communities. -"This thing is evolving so quickly that I don't know what's going to happen next," said Daniel J. Oates, the police chief in Aurora, just east of Denver. -Regulators in Washington State are also scratching their heads. -And they are looking for guidance on how to set up a system of licenses for production, manufacturing, distribution and sales - all by a deadline of Dec. 1, 2013. -They say that Colorado, for better or worse, is ahead of most states in regulating marijuana, first for medical use and now recreationally. -"Colorado has a more regulated market, so they will be a good guide," said Brian E. Smith, a spokesman for the Washington State Liquor Control Board. -But no place or system, Mr. Smith conceded, can do more than suggest what might work. -"There's no real precedent for us to follow," he said. -Washington's law, called I-502, takes effect on Dec. 6, which also leaves a year of limbo during which the state licensing system will not yet exist, but legalized possession will. -And there are thorny mechanical questions that must be resolved during that time, like how to balance the state's mandate of "adequate access" to licensed marijuana with its prohibitions on cannabis businesses within 1,000 feet of a school, park, playground or child care center. -"Nowhere will it be more difficult to site a licensed cannabis business than in urban areas, particularly in the Seattle metropolitan area," said Ben Livingston, a spokesman for the Center for Legal Cannabis, a recently formed research group. -On Nov. 21, Chief Oates in Aurora sent his officers an e-mail announcing that the city attorney would no longer be prosecuting small marijuana violations for anyone 21 years or older, and that the police would stop charging people for those crimes "effective immediately." -Chief Oates said that the police would enforce city codes regulating medical marijuana growers, and that they would still pursue drug traffickers and dealers. -In northern Colorado's Weld County, the district attorney, Ken Buck, represents a stricter view. -After the vote, he said his office would continue pursuing marijuana possession cases, mostly as a way to press users into getting treatment. -Right now, 119 people face charges of possessing two ounces or less of marijuana, though many are facing other charges. -"Our office has an obligation to prosecute offenses that were crimes at the time they occurred," Mr. Buck said in a statement. -The response has been complicated even in places like rural Mesa County, where voters rejected the marijuana initiative. -The police in Grand Junction, the county's largest city, are no longer citing adults for possession of small amounts. -The county's district attorney, Pete Hautzinger, supported that decision, but also decided not to dismiss all of the pending possession cases. -"I do not think I'm wasting my time continuing to enforce the law until it changes," he said. -Although 55 percent of Colorado voters supported the measure, bringing recreational marijuana into the folds of government and the legal system was never going to be simple. -And the contradictory reactions across the state lay bare a deep ambivalence among local officials about the state's big green experiment. -"It's a cultural barrier" with district attorneys, said Sean McAllister, a Denver lawyer who represents marijuana defendants and is a local spokesman for the National Organization for the Reform of Marijuana Laws. -"They spent so much of their lives prosecuting people that they still don't really accept that this is legal," he said. -As the first states to treat small amounts of marijuana like alcohol, Colorado and Washington are poised to become national test cases for drug legalization. -As advocates and state officials plan for a new frontier of legalized sales, they are also anxiously awaiting direction from the federal government, which still plans to treat the sale and cultivation of marijuana as federal crimes. -Advocates for legalized marijuana are hoping the Justice Department yields. -Despite some high-profile arrests of medical marijuana patients and sellers, the federal government has mostly allowed medical marijuana businesses to operate in Colorado, Washington and 16 other states. -While drug agents will probably not beat down doors to seize a small bag of the drug, they are likely to balk at allowing the state-regulated recreational marijuana shops allowed under the new laws, said Kevin A. Sabet, a former drug policy adviser in the Obama administration. -Several cities in Colorado are not waiting for federal authorities to act. -Even before Election Day, some local governments approved moratoriums on any new marijuana shops, even though it will be about a year before any can open. -Last week, the western city of Montrose took up a six-month ban, and is likely to pass it next week. -"We don't want to be put in a position where we license somebody and then have a big federal issue," said Bob Nicholson, a City Council member. -Our community voted against this amendment. -We're looking at what the community voted for versus what the state voted for. -There's an awful lot of questions. -Petronella Wyatt: I was bullied out of Oxford for being a Tory -It is not just today's university students who are attacked for their views -I can't remember a time when I didn't dream of winning a place at Oxford University. -Both my father and my elder brother had been at what I imagined was the world's greatest seat of learning, a modern-day wine-blushed Greek symposium encouraging the dual pillars of civilisation, free thinking and tolerance. -Yet, within two weeks of taking up my place at Worcester College in the late Eighties to read history, I'd packed my bags, precipitating the first scandal of my life. -My father broke down and cried. -Friends were baffled. -The Evening Standard diary claimed I'd quit because I objected to fellow undergraduates having sex in the room next to mine. -The writer A N Wilson announced waggishly that I'd departed because I was forced to drink out of chipped mugs. -The truth was less droll. -I ran away. -Yes, ran, because I had been subject to systematic bullying and intimidation. -Not on account of my rather outré name, or the fact that I came from a private school. -I was persecuted for one reason only, and in this cradle of supposed enlightenment it was both bigoted and barbaric: my father, the late Woodrow Wyatt, was a high-profile adviser to Margaret Thatcher and I was a Conservative supporter. -Why bring this up now, you might ask. -Well, recent reports suggest that a new generation of Right-of-centre students are suffering a similar persecution. -Such is the institutionalised and increasing hatred of Tory students at Oxford that last week a group of them demanded the same equal-rights protection as gays, disabled people and ethnic minorities. -Conservative members of Corpus Christi College's junior common room (JCR) claim they are "often actively isolated, personally attacked and made to feel unwelcome" because of their political views. -They want to create a post on the college's equal opportunities committee to ensure that their opinions can be aired freely. -Their situation wasn't helped by a recent BBC Two documentary, Wonderland: Young, Bright and on the Right, about student politics, which portrayed Tories as oddballs and neo-Nazis. -It featured graduate Joe Cooke, former president of the Oxford University Conservative Association (OUCA), travelling in a Rolls-Royce, sporting a silver suit and silver-topped cane. -At other universities, Conservative students say they are being treated as "scapegoats" for the introduction of higher tuition fees." -Luke Black, 20, vice-president of Nottingham University Conservative Association, told a Sunday newspaper that "there is a growing Left-wing bias at universities. -People assume we are like the Bullingdon Club without meeting us." -Samuel Roberts, 21, a history student at Corpus Christi, who proposed the motion for greater protection, says such a climate is "uncomfortable," while Stephanie Cherill, 19, president elect of OUCA, says there has been a deterioration in the attitude of JCR members towards people who are Right of centre. -"This poses a threat to the atmosphere of intellectual discussion, as well as to the welfare of members," she says. -I was in a minority of one during my first few weeks at Oxford. -I had gone up in September 1986, a cripplingly shy 18-year-old. -Hatred of the Conservative Party was at its most febrile. -The year before, the university had voted to refuse Margaret Thatcher - a former student - an honorary degree, because of cuts in higher education funding. -The atmosphere would have made a Stalinist shudder with apprehension. -During the first few days of freshers" week, when new students socialise with each other and the dons, I had a taste of the wormwood that was to come. -I was to find that the dons not only connived in the taunting of Tory undergraduates but took part with relish. -The politics of the miners" strike, privatisation and the government's opposition to sanctions against apartheid South Africa were brought into the wood-panelled rooms of the tutorial. -My first one involved translating 18th-century French texts into English, and I was unprepared for what followed. -"Miss Wyatt," said the don, Harry Pitt (now deceased), "please translate the first paragraph." -I stumbled over it. -A small man with a face like cake batter, Pitt was big on bile. -"Do Thatcherites refuse to learn French or are they just stupid?" he demanded. -The other undergraduates giggled. -Tears pricked the back of my eyes. -"I suggest you take some basic French lessons in your spare time - that is, if you're not too busy socialising," Pitt snarled. -I walked back to my rooms a disconsolate figure. -At dinner in college that evening I sat by myself; then I felt a light tap on my shoulder. -It was a second-year English student named James who introduced himself as a member of the OUCA. -"I know who you are," he said kindly. -I'm afraid it's like that. -Anyone suspected of being a Tory is picked on. -It's bad enough for me, but they know your father is close to Margaret Thatcher, so it will be worse for you. -Most Tory freshers pretend they're Labour. -Later, at a local pub, I cravenly attempted to dissimulate. -I insisted that I didn't agree with everything Mrs Thatcher said. -This ploy proved unsuccessful. -A first year PPE student, who, ironically, had been to Eton, said: "You're the daughter of a fascist pig." -You're contaminated. -Other students took up the refrain. -I was perverted, dirty. -"How do Tories have sex?" one asked. -They beat each other, don't they? -I felt the way homosexuals must have felt before the liberal legislation of the Sixties. -Would I ever be able to lead a normal life at Oxford? -Would I be forced to meet like-minded people only after dark? -Would I have to turn to Labour and suppress my natural inclinations? -The three years before me stretched out as a purgatory of ostracism and isolation. -The only openly Tory don was Norman Stone, Professor of Modern History, who was based at my college. -He was hated for being not only a Conservative but a foreign policy adviser to Thatcher and one of her speech writers. -He was hardly ever there. -He loathed the place as provincial and petty, and for its adherence to the Marxist-determinist view of history. -In 1997 he took up a professorship at the University of Bilkent, in Ankara, Turkey. -"You won't be happy here," he told me. -I began commuting from Oxford to my parents" house in London, finding refuge with my more open-minded metropolitan friends and family. -I told my father I hated Oxford and why. -He was incredulous. -During his time there in the Forties, all political views had been accepted. -"But it's the best place in the world," he said pathetically. -They wouldn't do that, not among my dreaming spires. -Even my Communist friends always had impeccable manners. -His rheumy eyes began to cloud. -Give it a chance. -I'm sure it's all just a tease. -It would break my heart if you left. -Exhausted by my frequent trips to London, my emotional resistance was deteriorating. -A male friend of mine, also a Tory supporter, had succumbed to pressure and renounced his creed. -During a tutorial the following week, when another history don had suggested, in complete seriousness, that I was an "enemy of the people," I decided to do the same. -Inwardly blushing with shame, I admitted to being "brainwashed by my parents" and called them "old fools." -The respite was short. -It was my father who drove the nail into the coffin of my Oxford career. -At the time, he wrote two columns in the Murdoch press each week. -My door was locked. -I cowered inside, and after five minutes, my pursuers gave up. -When they left, I packed a suitcase and caught the first train to London. -I never went back. -You may call me a snivelling wimp. -But no 18-year-old should be subject to such intimidation and vitriol in an educational institution. -Even more tragic is that it was Oxford, which not only produced 14 Tory prime ministers, but, to this day, hides behind an ill-deserved reputation for equality and freedom of thought. -"Valentino prefers elegance to notoriety" -On the occasion of the "Valentino: Master of Couture," an exhibition that opened this week in London, ABC speaks with Naty Abascal, Fiona Thyssen-Bornemisza and other of the Italian designer's famous clients. -Somerset House, former home of Queen Elizabeth I of England, is the only place in the British capital worthy of hosting a Valentino Garavani exhibition. -During the inauguration of "Valentino: Master of Couture," the designer acknowledged a retrospective apotheosis that brings together over 130 couture gowns created by his fashion house over the past 50 years. -"I love this palace" he says, in his unmistakable Italian accent. -This exhibition is the culmination of a story whose only protagonist is "signore" Garavani, although it could not have been written without his distinguished clients. -Valentino has always been fascinated by the rarefied and distant world of the nobility. -In the first room of the exhibition, open until March 3, there are a number of private letters and photos signed by the cream of aristocracy, from Princess Salimah Aga Khan, Lord Snowdon, Princess Marie-Chantal of Greece to Margaret of England. -Valentino exhibits these personal memories as if they were trophies of his social ascent from humble couturier in Voghera, northern Italy, to idol of the international jet-set. -There is nothing wrong with loving royalty. -"At least they don't drop cigarette ends on your magnificent carpet, like some beautiful pop music celebrities do," says Baroness Fiona Thyssen-Bornemisza. -In the '60s and '70s, we both lived in the Alps and were good friends. -Valentino is a spectacular host whose entertains with generosity and elegance. -"We all loved being invited to his chalet in Gstaad" says "Heini" Thyssen's ex-wife, a close friend of forgotten beauties such as Marella Agnelli and Eugenie Niarchos. -Valentino has always preferred elegance to notoriety. -And yet, he is a star. -Valeria Mazza, wearing a Valentino. -The Argentine model Valeria Mazza also recalls the couturier's charisma. -Many years ago, after a fashion show in Piazza di Spagna in Rome, we went for dinner at his flat. -There were twenty of us, including Sharon Stone and John Kennedy Jr. -You could see and feel his "spirit" in every detail of the flat and its decor, the food and the music. -"All the guests were made to feel important and loved" recalls the top model, who started working with him during Haute Couture Week Paris, in 1995. -"His designs are works of art and so never go out of fashion" she concludes. -Nobility parade -Garavani's life is not a story of obsession, but of well reciprocated love. -He loves well-educated people who come from good backgrounds, and they love him. -One of the Somerset House galleries has been transformed into a glamorous, sixty-foot long catwalk which offers a role reversal: visitors take the place of the models and have to parade down the catwalk while looking at a dream "audience" wearing Valentino masterpieces, for example, the dress Jackie Kennedy chose for her wedding with Aristotle Onassis, the costume Monica Vitti wore in "La Notte" and the wool and leather coat that belonged to Empress Farah Diba. -In this crowd of mannequins, names stand out such as Sibilla of Luxembourg, Gloria von Thurn und Taxis, Mette-Marit of Norway, Rosario of Bulgaria and Sofia of Habsburg. -Naty Abascal and the designer, in 2006 -Many of these clients say your first Valentino is like your first love, "impossible to forget." -I remember it perfectly. -It was a pair of trousers, a shirt, a "gilet" waistcoat and jacket from the 1971-1972 autumn-winter collection. -"It was a gift he gave me" says Naty Abascal, one of the designer's muses. -"I prefer him to other designers because of his femininity, his great love of women, and because he enhances our beauty" added the former Duchess of Feria. -I love the colours he uses, they really stand out and "lend themselves" to your face. -Their proportions are perfect. -The princess and fashion advisor Patricia della Giovampaola d'Arenberg also remembers the first time she wore a Valentino. -As a teenager living in Italy, I dreamed of reaching the age when I'd have the chance to wear one of his evening gowns... -My time finally came in the late '90s. -I bought my first Valentino dress to wear at a party in the castle belonging to my cousin, Prince Edouard de Ligne. -It was a red dress, with a frilly skirt, draped "corsage" and a strapless neckline. -"It was a dream come true" says Princess D'Arenberg, the widow of Rodrigo d'Arenberg. -"Valentino is indifferent to fashion, his obsession is timeless" says this Italian aristocrat who lives between Paris, New York and Buenos Aires. -Princess D'Arenberg looks after her couturier gowns with "the utmost care ... because a dress not just a dress, it's also the many memories that go with it." -The "king" of fashion -The "grand finale" of the Somerset House exhibition is Marie-Chantal Miller's wedding dress from her marriage to Paul of Greece in 1995. -It took four months' work and 25 "girls" (as the designer calls his seamstresses) to create the pearl-encrusted, ivory-coloured silk gown with twelve different types of lace and a train four and a half metres long. -According to journalist Suzy Menkes, the leading authority of the specialist press, that dress represents a high fashion milestone of the late 20th century, "the return of high society clients." -Dazzled for years with the "savoir-être" of the elite, Valentino is now its finest exponent. -Cavaliere di Gran Croce (the highest-ranking distinction in Italy), Cavaliere del Lavoro, Commandeur de L'Ordre des Arts et des Lettres, and awarded the Legion of Honour, Garavani accumulates as many honours as any of his clients' husbands. -"I've always been struck by his refined and calm manner, and his neat and perfect appearance" acknowledges D'Arenberg. -The last time I saw him was a month ago at a gala dinner at the Orsay Museum. -He was on the table of Countess Jacqueline de Ribes, a great friend of mine. -"He was immaculate, time stands still for him." -If a princess says that... -The hardest job in the world: the human mules of Kawah Ijen -For four euros, the Indonesian volcano porters risk life and limb carrying 70 kilos of sulphur along steep stone paths. -There are people for whom work is hell, and others who - literally - work in hell. -This is the case of Anto Wijaya, one of the 400 miners who make their living taking sulphur from the Kawah Ijen volcano, east of the Indonesian island of Java. -To do so, he has to descend every day to the bottom of the crater, where the sulphurous gas emanating from the bowels of the earth solidifies on contact with air. -After breaking off large sulphur rocks, which in total can weigh up to 70 kilos, he carries them in two bamboo baskets on his shoulders along the steep stone paths. -It is only 250 metres to the top of the volcano, which rises to 2,386 metres above sea level, but the exhausted porters take over 40 minutes to get there, at snail's pace, keeping their balance and measuring their steps carefully to avoid slipping and falling over the precipice. -They know that one slip could cost them their lives, as happened to a French tourist who plunged to her death a few years ago on the hazardous Kawah Ijen cliffs. -The Kawah Ijen miners are paid 5 euro cents for each kilo of sulphur removed. -Once at the top, they make their way past the tourists who photograph them like circus monkeys and then, lugging their heavy baskets, they walk three kilometres to the scales installed by a mining company a little further down, 1,850 metres above sea level. -This is PT Ngrimbi Candi, a company which, since 1960, has been exploiting the volcano, and quite literally its workers, whom it pays 662 rupees (5 euro cents) per kilo of sulphur. -It then sells the sulphur for 10,000 rupees (83 cents) to the petrochemical industry, as the mineral is widely used in everyday life and is used in the manufacture of matches, fireworks, cosmetics, dynamite and even for whitening sugar. -"We generally carry 70 kilos, so we get about 46,000 rupees (3.8 euros) a trip" explains Anto, who usually make three trips a day. -Each one takes three hours and you end up exhausted, but it means he gets 138,000 rupees (11.5 euros) at the end of the day. -Although it seems a pittance for such an inhuman effort, it is three times what he would earn in the field. -"Miners' wages are very high here, whereas coffee harvesting is paid 15,000 rupees (1.2 euros) a day and the average monthly wage is two million rupees (167 euros) " explains the porter, who previously worked as a mason in the island resort of Bali. -There, his wage was 75,000 rupees (6.2 euros) a day and the work was not as hard, but Anto has returned with his family to Banyuwangi, a village near the volcano, for a compelling reason which, in Indonesia, is as overriding as the sulphur: "I married a girl from Bali, where they are Hindu, and I've brought her to Java to convert to Islam." -Anto has asthma, he has difficulty breathing, coughs constantly and his eyes are irritated by the toxic gases. -At 27 years old, Anto has been risking his life for three years in the Kawah Ijen volcano, and the sulphur has already begun to take its toll on him, even though he covers his face with special mask and goggles. -He has asthma, he has difficulty breathing, coughs constantly and his eyes are irritated by the toxic gases from the volcano. -This is the price you have to pay to realise your dreams. -"I'll go on working two more years because I want to open a shop or study Spanish or French" he vows in more than acceptable English. -Punished for life, this pleasant, intelligent young man could be a tour guide, waiter or hotel receptionist, but instead he does the work of a mule. -Sharing a filthy wooden hut with other porters, he gets up every day at two in the morning because the sulphur doesn't stop flowing at night, when its characteristic yellow colour turns blue and it glows in the dark. -Defying the shadows, Anto descends the crater and lights the path with a small torch attached to the helmet he bought with his money. -Some 400 porters carry sulphur baskets on their shoulders from the crater. -Despite their huge profits, the mining company has not mechanised the sulphur extraction process to save costs, nor has it provided any equipment for the porters, who work for themselves and by the kilo. -In fact, they do not even see any of the 30,000 rupee (2.5 euro) per camera surcharge that, on top of the 15,000 rupee (1.2 euro) entrance fee, the guards of this natural reserve charge to tourists who come to photograph the volcano and their human mules. -"This work is for animals, not people" protests Madrusin, a burly 42-year porter who has been working at Kawah Ijen for three decades, since leaving school. -He can lift up to 110 kilos, ensuring that he will go on working "all he can" because he needs the money to educate his three children, aged between 18 [months?] and 10 years old. -I won't retire, I'll die here because the volcano has been my whole life. -Although the sulphur burns your throat and stings your eyes when the wind suddenly changes and traps the miners in the thick columns of smoke coming out of the volcano, they are so hardy that no-one complains of serious illnesses... apart, of course, from their common respiratory problems, osteoarthritis, knee pain and sores on the shoulders, which have been misshapen by the weight of the baskets. -Balancing the basket on his back, Unainik can only carry 50 kilos now he is 53 years old. -Every day, he and his fellow workers break off 15 tonnes of sulphur from the volcano, which three lorries move to the warehouse in Tamansari, 18 kilometres away along a goat path that passes through scrubland. -"I won't retire, I'll die here because the volcano has been my whole life" says Unainik, opening a mouth full of gaps where teeth use to be. -The oldest of his five children, 30 years old, also works carrying sulphur. -Time passes, but poverty perpetuates from generation to generation in one of the hardest jobs in the world: the one done by human mules in the Kawah Ijen volcano. -Singapore seeks babies to save its economy -Singaporeans blame their careers, stress and the cost of property and education for not having children. -"Singapore's population needs to grow." -I'm a patriotic husband, you're my patriotic wife, let's do our civic duty and create life! -It may seem unlikely that these verses are part of an advert for mint sweets, but in spite of this - or perhaps because of it - the video went viral on YouTube in Singapore earlier this year. -The phrases are part of a rap and make use of local references such as "Let's put a bao (bun) in the oven" to make fun of the birth rate in Singapore. -The advertising company that made the video, BBH, is hopeful that the advertisement will manage to focus attention to the problem in a fun way. -Its creative director, Douglas Hamilton, says he wanted to use the power of music to make people perform their "national duty." -It's purely an Internet thing, so we had to make it fun and amusing. -It's the biggest problem facing this country. -We are the world's worst at reproducing our own progeny, so we felt it was an issue we had to address. -We knew the Government had tried many things, like launching perfumes with pheromones or organising speed dating evenings. -Many of these ideas may have been creative, but they didn't necessarily work. -So we thought: why not be as creative as possible to solve the problem, by composing a rap? -1.2 children -But the Singapore Government is not taking it so lightly. -It spends USD 1,300 per year on policies to encourage people to have more children. -A government package for marriages and parents grants up to USD 15,000 per child, extends maternity leave and distributes tax benefits. -But this has all had little effect. -Singapore is a rich, high technology city State in Southeast Asia, also known for the conservatism of its leaders and its strict social controls. -The birth rate in Singapore, according to its national population division, currently stands at 1.2 children per woman. -The last time it was over 2, known as the replacement rate, was in 1976. -So why are Singaporeans not having children? -Tan Wei Ming, Director of Marriage and Family Policy of the National Population Division, said that it is a result of "better education" and "a wider range of career opportunities." -"This has given people a wider range of options in terms of life goals and priorities, beyond getting married and starting a family" he explains. -These changes in social norms have contributed to increasing numbers of people who are single, and delaying marriage and births, which has resulted in a decrease in the birth rate in Singapore. -Meanwhile, an EU immigration policy aimed at dramatically increasing immigration to cope with the population decline has created resentment among the local population. -In Singapore, there are websites where xenophobia against many new immigrants is widespread and thinly disguised, especially the Chinese who are criticised for keeping wages low and not integrating. -Increased immigration is also seen as one of the reasons why, last year, the Singapore ruling party experienced its worst election result since independence. -Since the election there has been an attempt to correct the problem, with the highest taxes and levies for foreign workers. -Unexpected consequences -While a fall in the birth rate has known effects on a nation's economic growth, tax revenues, healthcare costs and immigration policies, in Singapore's case there are also some unexpected consequences. -The Government is trying not to build so many small houses. -For example, it has started to influence the real estate sector. -Its urban development authority has started to control the number of small apartments, known as "shoe boxes," which can be built in certain areas of the city. -These apartments have a surface of 46 square metres and have been very successful in terms of sales. -However, there is concern that they may promote a single-living lifestyle and discourage developers who want to build large family houses. -But, Lim Yew Soon, managing director of the real estate company EL Developers, says his "shoe boxes" sell much faster than larger units. -They are more popular, in the sense that the units sell days, even weeks, faster than larger units. -This means they are much better for our cash flow. -However, he admits that the new regulations give clearer guidance to developers, who previously had obstacles put in their way if they provided for too many small units in a project. -Too stressed -Singapore is a city State. -Although these new rules may be a step towards increasing the national birth rate, when talking to Singaporeans working in the central financial district, it seems they will not have much impact. -"People are very stressed, houses are expensive and so is education, so a lot of people are putting off having a family" says a young executive. -Other people can have children. -"But, for me, it is important to have my own money and time" says another young man of around 20 years old. -Men and women alike mention their careers, stress and the cost of property and education as the reasons preventing them from having children. -So, much as the Government is trying to encourage its citizens to have children, when it comes to babies, the Singaporeans have the last word. -What is private offline is private online -Privacy. -According to the Spanish Royal Academy Dictionary, it means the quality of private life or "the level of privacy which a person is entitled to protect from any interference." -What is privacy for an under 16? -How do you apply this definition to their daily life and social networks? -Do they understand the dangers they are exposed to by airing information over the Internet which they probably would not share offline? -ElPeriódico interviewed five children aged between ten and 15 years old who are frequent Internet users. -In four cases, they associated the term with "something very much mine" on a personal level, and "in the user name and password" when applied to social networks. -"I wouldn't upload my deepest secrets in a post" says Jorge, aged ten, when trying to explain the meaning of privacy on sites such as Facebook, Twitter, Hotmail and Windows Live Messenger, with which he has had accounts for two years. -"They are very secret secrets, I'll tell my mother, but not everybody" he says. -On FB I upload nice pictures or games. -And I have fun with people I know. -"I wouldn't share a photo that isn't mine, or that belongs to somebody who's doing something stupid" he says. -The child recognises that it is bad to post obscene pictures of naked people, crimes, or write humiliating or aggressive comments. -Jorge says he knows the 35 friends he has on FB and his nine followers on Twitter. -Most are relatives. -His mother is included, and she has the password to one of the accounts. -I opened Twitter to express myself and post interesting tweets. -"I don't know if they answer me, I only upload them" he adds. -"Social networking is fun, I can talk quickly to relatives far away or my friends" he says. -He does not hesitate to reply that he would never accept a request from an unknown person. -Nor would he take any notice of someone who recommends a stranger to him. -The case of Joseph, aged 14, is different. -This teenager has accounts with Hotmail, Facebook, My Space and Ask, and in the last case he admits not knowing 20 of the people added to his friends list. -"It doesn't bother me, because we have something in common, like music" he says. -The boy says that no-one has suggested anything to him or asked him for his home address or phone number. -"If they pressured me or asked me for it, I'd just delete them from my account" he states. -Joseph became a follower on Ask, after reading a recommendation on Twitter. -This teenager is not alien to experiences of what is now known as cyberbullying. -An acquaintance of a friend of mine was being pestered on a social network. -They were threatening him and demanding money from him. -"I never found out who it was" he says. -The victim, according to José, did not close his account. -"He just made it private." -He then explains a series of steps to configure the account safely. -Unlike Jorge, this boy would upload photos of acquaintances in uncomfortable or embarrassing situations. -I would do it if I didn't like somebody, or they made me want to do it. -"However, I know that's cyberbullying" he admits. -Key questions -Marielos Porras, an English teacher with a degree in Education and Learning, believes that to guide children and teenagers, they should understand that the purpose of social media is to inform. -"The Internet emerged as a means of searching for information, but with the appearance of these websites, the rules of the game changed" he says. -Porras says the scholar Marc Prensky, with a Master's degree in Education from Yale University and author of the work Digital Natives, Digital Immigrants, coined these terms to explain the phenomenon. -Digital natives are those children and young people born with technology. -"We are the digital immigrants who have to teach them, when we are still in fact learning" he says. -He says that the issue is complex, "because we are asking them to have a clear policy on what is appropriate or not to disclose, publish or divulge, at an age at which maturity is not conducive to this." -"They also have to be selective when what matters most is to be popular and have thousands of friends, without thinking of the consequences" he adds. -According to the specialist, the most effective way to teach children and teenagers what privacy is, is through questions that make them think. -"Telling them not to do it is no good" he adds. -Porras then lists some options: There are things you wouldn't tell a stranger, so why do it online? -Or, would you like a friend to publish a photo of you like the one you posted of a friend? -Do you know what others publish about you? -When tagging party photos, did you ask the other people's permission to tag them? -And one more question: does everyone need to know what you're doing all the time? -Another point is to make them see that they must behave online as they do offline. -The rules are the same. -"Outside the Internet, people act with respect, morality and other principles, so they should act the same way on social networks" he says. -Monitoring -Stuart Guard, a university professor, primary school teacher and educational consultant, says it is essential for parents to read social networks' policies thoroughly. -By understanding all the clauses, they have solid grounds to talk to their children about the implications of opening an online account. -"For example, the age at which you are allowed to share or publish" he says. -According to Guardia, it is important to remind children the "don't talk to strangers" lesson. -Unasur Summit closes without making public the Lima Declaration -The Sixth Presidential Summit of the South American Union of Nations (Unasur) concluded today in Peru without making public the Lima Declaration, previously announced and theoretically signed by the seven attendee leaders. -Efe repeatedly tried to gain access to the document signed at the Sixth UNASUR Meeting of Heads of State and Government, but Presidential and Chancellery sources initially said they would deliver it after the summit closed, but later they claimed that it will be published at some point on the Peruvian Government website. -When asked about the text, they pointed out that the content had been disclosed by Peruvian President, Ollanta Humala, during a brief statement to the press. -Journalists' access to information from the Summit was restricted at all times. -During the summit, in the press room, only video was aired, with no sound, showing the presidential meeting with the message "closed session, audio restricted." -The little information that circulated among reporters was given by the press spokesmen of some of the UNASUR governments attending the meeting, but not the Peruvian Government. -The only document released during the summit was the list of attending presidents, which angered hundreds of journalists from various national and international media, who asked for more details. -The Peruvian President then sent an email to the media with the "final statement" of the summit, but this was Humala's statement, and not the official document that closed the summit. -Last October, Peru hosted the Third Summit of South American-Arab Countries (ASPA), and this time, despite repeated requests from the press, the previously announced Lima Declaration was again not made public. -The ASPA official website confirms that the document was published last Tuesday. -At both international events, the Peruvian authorities were at pains to ensure that there were broadcasting systems assured for all the journalists, but limited the obtaining of information to a maximum. -The summit also concluded with the joint commitment of Chile and Peru to accept a ruling by the Hague Court to adjudicate a border dispute between the two countries. -The Presidents of Peru, Ollanta Humala, and Chile, Sebastián Piñera, met during the regional event and confirmed that they will respect the decision of the International Court of Justice (ICJ), which on Monday, at The Hague, will start to hear the arguments of both parties, in the lawsuit Lima has filed against Santiago. -"We will obey and execute the order that currently defines the differences we are bringing before this international court" said Humala, together with his Chilean counterpart. -"Chile has been, is and will remain a country that respects international law and the peaceful resolution of disputes, treaties and international courts" added Piñera, greeting Humala with a handshake, alongside the flags of the two countries. -Confirmation of both presidents that they would submit to the ICJ came after Colombia this week denounced the Bogotá Pact, whereby it accepted to submit to the judgement of this international court, following a decision on its maritime boundary with Nicaragua which it regarded as seriously flawed. -The summit was held with the absence of the Presidents of Brazil, Dilma Rousseff; Venezuela, Hugo Chavez; Bolivia, Evo Morales; and Argentina, Cristina Kirchner. -Paraguay, which was suspended by UNASUR in 2011 after the dismissal of former President Fernando Lugo, was not involved in the meeting. -Host President Ollanta Humala was responsible for opening the session in the morning and closing the summit, just after noon in Lima. -The President read the final document which reported that 16 agreements were adopted and the action plans laid down for 31 projects between the South American countries, for a total of 17 billion dollars of investments. -Among the resolutions adopted, it was mentioned that UNASUR countries will take "important steps toward the goal of a South American citizenship, for which residence agreements are being extended." -He reported that actions are being implemented to improve "cooperation in the fight against insecurity and transnational organised crime, actions to make medication more accessible, low-cost Internet access in all areas of South America, and to deal jointly and efficiently with risks of natural disasters." -With Europe in crisis, "economic consolidation (in Latin America) should not have a triumphalist attitude but should serve to expand its productive matrix and glimpse a better future for its people" Humala added. -"We decided to focus on a group of 31 flagship projects that will improve connection among areas of South America, especially in rural and border areas... uniting our countries and creating new economic networks" said the Peruvian President in a message read out. -Among these projects, he mentioned that five are in Peru and are located in the transverse axes of its territory, between the coast and Brazil, and two focus on increased connection with Ecuador, although he gave no further details. -Also, the final document mentioned the political situation in Paraguay. -"We hope the electoral process in that country serves to reincorporate it in the Union of South American Nations," from which it is currently excluded. -The need for Latin America to remain a prosperous, peaceful and integrated nation, with good neighbourly relations, was another issue highlighted by the summit. -In this sense, the President of Colombia, Juan Manuel Santos, said before attending the start of the regional event that he expected to meet with his counterpart from Nicaragua, Daniel Ortega, on Saturday in Mexico, to respectfully discuss the maritime dispute after the failure of the ICJ, questioned by Bogota. -"The day after tomorrow (Saturday) I might have a meeting with President Daniel Ortega" Santos said. -"We will review all these paths, [which] are not exclusive, and the treaty with Nicaragua will require a conversation with Nicaragua" he emphasised. -"With President Ortega, I hope I can say that we handle this in the most civilised and respectful manner possible" said Santos. -Santos and Ortega are due to meet on Saturday in Mexico, where they expect to attend the inauguration of the country's new President, Enrique Peña Nieto. -Also, as part of the summit, the bloc's foreign defence ministers met in advance to approve the 2013 Action Plan, which seeks to strengthen dialogue and consensus on defence in the region. -Argentina, Bolivia, Colombia, Ecuador, Peru, Brazil, Uruguay, Venezuela, Chile, Guyana, Surinam and Paraguay make up UNASUR, although the latter is currently suspended. -Peru has the pro tempore presidency of the regional bloc. -"South America should learn from Europe to integrate citizenship" says Rafael Correa -The President of Ecuador, Rafael Correa, said today that the creation of a common citizenship is a goal that "South America, in this case, must learn from Europe." -Correa, who took part in the Eleventh Presidential Summit of the Union of South American Nations (UNASUR) held in Lima, told Peru's state television that Europeans "killed one another in the Second World War" and other conflicts, "but are now practically one country." -To this end, he defended the project to establish South American citizenship encouraged by member countries of UNASUR. -"We have to achieve the free movement of citizens and workers for any South American country, as is already the situation with members of the Andean Community. However, there are still reactionary sectors that want us to return to the past" he said. -The Ecuadorian President was also in favour of the restructuring of the Organisation of American States (OAS) under the premise of reducing the influence of the Anglo-Saxon states and taking into account those who have signed the Pact of San José on human rights. -Those who speak with authority never commit to anything, whereas we South Americans sign everything. -"It is incomprehensible that the Inter-American Commission on Human Rights is in Washington under US funding" he said referring to Ecuador giving political asylum to WikiLeaks founder Julian Assange. -Correa said he does not regret that decision because with it he has not betrayed his principles, but has respected his "deep democratic and human rights values." -He added that, at the time, "he had reasonable suspicion that Assange would be extradited to another country and that his case would not be respected." -Additionally, he criticised the Swedish courts for demanding that he be subject to questioning for an alleged sexual offence in his country, when "Swedish legislation itself dictates that he can be questioned via videoconference, which could be done from the Ecuadorian Embassy in London." -Correa said that there is a risk of deterioration of Assange's physical and mental health. -"I have not spoken to him since he was at our embassy, but the ambassador informed me that he had a minor lung problem, nothing serious" said the Ecuadorian President. -What there is, is the danger that his physical and mental health may deteriorate due to being locked in a small space without any outdoor exercise. -"That would complicate the health of any person" he added. -Correa said that the solution to the asylum granted to Assange in June by the Ecuadorian Embassy, in London, through the issue of a safe-conduct pass that permits travel to Ecuador, is in the hands of Great Britain, Sweden and the European legal authorities, and stressed that there have been talks with London to seek a solution to the imprisonment of the WikiLeaks founder. -We do not negotiate with human rights, we do not use that word in this case, but there have been ongoing discussions. -"The solution to this problem is in the hands of Great Britain, Sweden and the European legal authorities, because Assange's lawyer, Baltazar Garzon, is handling a series of cases in different European courts" he said. -And he felt that "if Britain says no to the safe-conduct pass, it's over." -And if Sweden, as its legislation perfectly well allows it to do, and as it has done in other cases, questions Mr Assange at the Embassy of Ecuador in London, or interrogates him via Skype tomorrow, this problem is over. -Correa took the opportunity to reassert himself as a defender of freedom of the press and stated that what he does not tolerate is "the mediocrity, dishonesty and lies that undermine the freedom of expression." -"The greatest enemies of the press freedom are not evil and wicked politicians, but bad journalists depending on profit, blackmail and extortion" he said. -In that regard, he welcomed the fact that it was no longer these journalists, "or the bankers or bourgeois and hegemonic countries that dominate Ecuador" and said that, if re-elected, he will "step up the revolution to continue on the same path and in the right direction." -Correa also supported the decision to maintain the veto on Paraguay in UNASUR, at least until their next elections, arguing that the body "must be firm and not tolerate opportunism and a coup masked with legality" because this will in fact "destroy the legitimacy of Paraguayan democracy." -The Ecuadorian President also considered the "perfectly pertinent" desire of his Colombian counterpart, Juan Manuel Santos, to now negotiate with Nicaragua the maritime boundary between the two countries, after the ruling of the International Court of Justice in The Hague, in favour Nicaraguan maritime sovereignty. -For now that ruling is not being followed. -It is a problem between a South American country and a Central American one. -Conflict is inevitable, but must be overcome by the desire to walk together. -They need to be processed in a comprehensive manner to overcome them and move forward. -Additionally, he trusted in a sound conclusion to the maritime boundary dispute opposing Peru and Chile in the same court and said that "it is right for Latin America to refer to international courts if both countries agree to accept losing, however hard it may be." -With reference to the possibility of his standing as a candidate in the upcoming presidential elections in Ecuador seeking a third consecutive term, he said he sees that possibility "with much optimism and joy, although at times it is pretty hard." -Correa said that if he loses the elections in February 2013, he will retire from public life. -Personally, I've never been interested in power, but in situations as unjust as those in Ecuador, socio-economic poverty can only be corrected by political power. -"My political movement believed that it was me who ensured that probable victory, so we have to accept that responsibility" he said. -If I won, it would be my last period in office and then I would leave public life. -If I lose, likewise. -"It's a decision" he confirmed. -Correa also referred to Venezuelan President Hugo Chavez's new health treatment in Cuba. -I just spoke with Venezuelan Vice President Nicolás Maduro and he tells me that Chavez went for treatment that was already planned, routine treatment, and it was expected he would win the campaign and return to Cuba. -"This does not mean a health relapse for President Chavez" he said. -In Lima today, the Ecuadorian Head of State attended the Sixth Summit of Heads of State and Government of the Union of South American Nations (UNASUR), which concluded with calls for greater regional integration to sustain progress, equality and security. -Deaths caused by AIDS are nowadays due to late detection -Fabrizio was 21 years old when they confirmed his test result: HIV positive. -"It was like a bomb dropped on me" he says, recalling the time of the announcement, which the doctor was trying to make "softer," apparently unsuccessfully. -The boy hid it from his family. -He decided to care for his illness alone and began to learn about it; thanks to his efforts he has just celebrated his 43rd birthday. -He is undoubtedly one of the oldest patients in the HIV Unit of the Guadalajara Civil Hospital (CHG), where he arrived in 1994 after several battles with his health. -Fabrizio has lived with the human immunodeficiency virus (HIV) for 22 years, hard to imagine in the early '90s, when there were many questions, few treatment options and a great deal of stigma. -Then, even the director of an IMSS [Mexican Social Security Institute] clinic refused to discharge him "because he had a cut." -At that time, having Aids was synonymous with death. -Now it is possible to survive the syndrome and do so with quality of life. -However, many people are still unaware of their illness, and only seek help when the virus has already caused havoc, "exhausted" their immune systems and they are suffering from opportunistic infections. -31 years after of the onset of AIDS around the world, at least since the first reported cases, "the great achievement at this time is that the life expectancy of patients starting treatment in good time and the life expectancy of the general population is exactly equal" stated the head of the CHG HIV Unit, Jaime Andrade Villanueva, saying that this information was endorsed in April this year in a prestigious scientific journal. -Infectious disease specialist and expert in HIV/AIDS, Andrade Villanueva said that since 2008 scientists had concluded that AIDS was not a death sentence, but that life expectancy and quality of life depend on the degree of damage to the immune system that patients present when they are diagnosed, with a higher life expectancy for non-drug users: up to 30 years for patients with a 200 CD4 count and 50 years for those reporting a 500 CD4 count. -In simple terms, this means that anyone diagnosed HIV positive at 25 years old, under these terms and "as long as they keep it under control, can live with no problems to 75" said the interviewee. -To gauge this progress, it should be remembered that the average life expectancy of Mexicans today is 76 years. -Although mortality has dropped significantly in recent years and, in the case of Mexico, the number of people dying of AIDS has fallen from 6,678 in 2007 to 4,862 in 2011 (UNAIDS annual report), it is also true that since the advent of AIDS, 60 per cent of patients in the national database have died. -In Jalisco alone, only 255 people died in 2011, and there have been 187 deaths up to May of this year; however, we are assured that there has been universal access to antiretroviral drugs since 2005. -- Why are do still deaths occur? -- I think the problem is not to do with access to treatment. -That's how I view it, and that's how it's been at our hospital. -For at least the last 12 years we've had no shortage of medicine, the problem is that patients arrive in an advanced state of illness because they are unaware of their HIV status, that is to say, the later stages of the disease. -He gave a compelling statistic: "Nine out of ten patients arrive when they already have an opportunistic infection, so what needs to be done to have a greater impact on overall mortality is to make earlier diagnoses and, therefore, offer mass detection tests for everyone who needs them. " -Specialists and officials of the State Council of AIDS Prevention in Jalisco (COESIDA) agree on this proposal, as do the patients themselves, such as Fabrizio, who came to be tested at a private laboratory, motivated only because a friend had done so and, despite his young age, he was around in the AIDS era and had even suffered Kaposi sarcoma, a cancerous tumour that is one of the common complications. -Everything changes when you know you have AIDS. -Some people think they're going to die and don't want to know anything. -"If I'm going to die, I'd rather have a blow-out three times a week" they say, but not in my case. -The change was for the better; I eat well, I exercise, I take my drugs. -To date, his parents are only aware he had cancer. -I live as normal a life as anyone else. -"I work, I take part in a lot of activities, I travel, I have an active but responsible sex life, I take care of myself and the other person" said Fabrizio, who agreed to share his intimate secrets with MILENIO JALISCO, to motivate those people with his story who today, in the context of World AIDS Day, are afraid. -They should get tested if they are at risk. because the sooner they know if they are HIV positive, the better, and if they have already been diagnosed, they must learn to live like any other person, while being responsible. -This is his message, which summarises the theme of the fight against AIDS in 2012. -Condoms behind the counter. -The gaps between health programmes and ordinary citizens are huge, said Ricardo Salazar, a journalist from Guadalajara who has taken up the HIV cause. -And the greatest cure is prevention. -In places dedicated to this task "the distribution of condoms has actually increased; previously, they used to give us one or two, now they give us packets of a hundred, and that's fine, but it turns out there are still people out there who have no access condoms" he said. -Among the most vulnerable to new infections are teenagers. -"Why do you want them?" is a common question, asked with sarcasm and judged according to the values of social workers, counsellors, pharmacy workers and healthcare staff who do not want to expose teenagers to sex, said the speaker. -It was decided to change such inefficient allocation, and that condoms should not only be placed behind counters, but that packets of one hundred should be found in public toilet dispensers in places frequented by young people. -This is not promoting promiscuity. -It is not about paying for their beers or motel fees, as Governor Emilio Gonzalez said, when asked if there would be distribution of condoms during his administration. -"And it's not about sexuality, but it is best to provide condoms to those already practising sexual activity" he said. -Jalisco key points -There are 13,435 cumulative cases (12,158 AIDS and 1,317 HIV). -The state is 4th in the nation in new and cumulative cases of AIDS and 13th in HIV. -92% of new infections are through sex, 6% via the bloodstream and 2% perinatal. -An estimated 50,000 people may be living with HIV, as for each registered case there are around 4-5 people who do not know they are positive. -Ratified by a United States court of appeal, a judgement which ignores the restructuring of the Vitro Group's debt achieved via a bankruptcy in Mexico, the scenario is an ominous precedent for any national company with offices in the neighbouring country that has solvency problems. -It seems, then, that the proceedings in support of survival of firms permit Mexican law are not valid in the land of stars and stripes, contrary to international conventions. -In practical terms, the endorsement of the judgement delivered on 15 June by Judge Harlin Hale of the Bankruptcy Court of the Northern District of Texas, leaves Mexican firms defenceless against possible seizure of their property outside of Mexico. -However, the decision opens the door for the leading glass manufacturer in Mexico to appeal to the Supreme Court of the United States, claiming three inconsistencies. -From the start, while the trial judge notes that creditors should be governed by the United States Bankruptcy Code, the Court of Appeal for the Fifth Circuit, based in New Orleans, states that the main action is the insolvency action handled in Mexico. -The first point would involve ignoring international procedural cooperation in cases of insolvency of companies with transnational profiles. -Indeed, the UN Model Law for International Trade Law Uniformity was created for this purpose, with the American Law Institute positioned as arbitrator. -Secondly, the judgement establishes that without the intercompany vote, with the debts the Vitro subsidiaries had with their parent company recognised in the critical mass of the insolvency, the majority needed to approve the restructuring might not be achieved. -However, Mexican law recognises the possibility. -In fact, the Vitro case was not the first one in which the scheme was accepted. -There are half a dozen examples, including Agremex and Commercial Mexicana, whose intercompany debts were endorsed by the Federal Bankruptcy Institute. -What is also certain is that, not including the votes of subsidiaries, the Vitro creditors who fought against it in the US courts, namely "vulture" funds such as Aurelios Capital, Aurelios Convergence, Elliot International and Liverpool Limited, did not achieve a majority. -The vote was apparently 45 percent versus 37. -This data is omitted by the Court of Appeal. -From another perspective, the latter blames Vitro for the difficult situation it has faced since 2008, while trying to avoid the severe economic crisis faced by the United States, turning its back on the country. -For now, the Gonzalez Sada family firm has lodged a motion for reconsideration before the Court of Appeal for the vote to reach the plenary of the court, that is, the five judges, given that only three voted previously. -Should this fail, an appeal for review by a higher court, in this case the US Supreme Court, will be filed. -The real problem is that the court bypassed a document sent by the Government of Mexico in the capacity of amicus curiae ("friend of the Court"), which details the procedure followed by Vitro under the framework of the Commercial Insolvency Law, noting that the latter discharged itself with adherence to the agreements signed by the two countries to link it with Chapter 15 of the Bankruptcy Act of the United States. -Moreover, it should be noted that the country yielded to the principles of the United Nations Commission on International Trade, that is the rules set for cross-border insolvency cases, ensuring fairness for debtors and creditors. -Double whammy: Vitro hit and country hit. -Balance Sheet -With the complaints put on the table by the unions of Mexicana Airlines against the former owner of the company, Gastón Azcárraga Andrade, who is accused of mismanagement, dormant for several months, the Airline Pilots Union Association already found the bottleneck. -The proceedings headed by Carlos Diaz Chavez Morineau has just filed a criminal complaint against the National Banking and Securities Commission, which is accused of obstructing justice. -The claim is that the supervisory authority has consistently refused to provide reports to the Attorney General's Office on a transaction carried out by the employer to remove 198 million pesos from trust F/589 of Banco IXE, on behalf of Mexicana de Aviación. -The resources were apparently channelled towards the purchase of shares in the company Administradora Profesional de Hoteles. -As you know, Azcarraga Andrade is the main shareholder of the Posadas hotel chain. -Opposing Dragon Mart -A group of local and foreign environmentalists, academics, businessmen and members of the public gathered at the weekend at a forum at the University of the Caribbean to approve the creation of a broad front to oppose the opening of the Chinese Dragon Mart in Cancun. -As you know, we are talking about a huge sales and distribution centre in Mexico, Central America and the Caribbean, selling Chinese products, with a residential area at the bottom for employees of 150 companies. -Previously, Canacintra had managed to unite the governors of the southeast of Mexico to oppose the monumental building that destroyed part of a protected area and represents the mother of all threats to industry. -The death of ACTA -The Government ignored an order of the Senate to explain under what terms and conditions the Mexican Ambassador in Japan signed the Anti-Counterfeiting Trade Agreement, known by its acronym ACTA, according to the Mexican Institute of Industrial Property, and the matter has already been archived. -As you know, the action was taken even though the Senate had ruled out the possibility, deeming it an infringement of freedom of expression on social networks. -Homex long term -In effort to repay long-term debt without affecting short-term debt, the housing developer Homex is placing securities exchange certificates on the market for 500 million pesos. -The issue is the first of four identical issues which are offering to repay interest every 28 days. -Birth of Competival -A consortium under the name Competival has just been established, comprising the companies NYCE, e-Quality and Kernet, leaders in information technology, the objective of which will be to market the services of software clusters in Central and South America. -Investments in this area exceed USD 1.5 billion. -Hector "Hetin" Reyes: "Basketball has been my life" -Basketball globetrotter Hector "Hetin" Reyes was involved in the sport for over 60 years and, thanks to it, travelled the world. -Few people in Puerto Rico have a mental recollection of local basketball history as broad as that of Héctor "Hetin" Reyes. -Reyes was immersed in the sport for over 60 years before being confined to a wheelchair in 2008 following a stroke; he was a minor league player, National Superior Basketball player, BSN representative and manager with the Bayamón Vaqueros or President of the Basketball Federation. -"I wore lots of hats in basketball throughout my life, including several at the same time, like when I was president of the BSN, general manager and federative president of the National Team during the '90s," recalled Reyes during Primera Hora's visit to his home in Bayamón, where he lives with Isabel, his loyal wife for over 50 years. -"Basketball has been my life." -Reyes is not exaggerating when he makes that statement. -The walls of his house are almost totally decorated with pictures and memorabilia denoting his long career, which goes to prove it. -Bayamón at heart -Of them all, the ones he treasures with the most emotion are the ones that remind him of his time spent with the Vaqueros, from the mid-50s as a player until 1982, when he completed 15 years serving as co-agent or agent of the franchise. -"Those were my best years, the ones I enjoyed the most because I had the opportunity to be part of the Vaqueros' eight championships, since 1967, either as agent, co-agent or manager. -There were many good years, including the five consecutive championships from 1971 to 1975. -And then I said goodbye with one in 1981, Jerome Mincy's debut year in the BSN. -Then "Cuco" Ortiz took over - he was a great manager" said Reyes. -I remember that Gene Bartow, who had directed here and was at the University of Alabama (Birmingham), said to me 'I've got a very strong player for you, 6'7" tall. -Do you want him?' -And that was the beginning of Mincy, one of the best players Puerto Rico ever had. -Bartow then recommended the sharpshooter Gausse Raymond, who established residency here and was one of our best shooters. -I remember him saying that if Mincy had given Bayamon one championship, Gausse would help get another. -The Vaqueros' championship with Gausse was enjoyed, but from a distance, because in 1988 he was already becoming a federative bigshot. -For that time, he preferred to enjoy his own and Mincy's accomplishments in the national team. -I remember when we beat the United States for the first time during the 1989 Pre-Olympics in Mexico. -Then came the 1990 World Cup, where we came fourth and it should have been bronze, but for the Canadian referee who made us repeat the final play for the second time, said Reyes. -Is the 1990 World National Team the best you've ever seen? -It's one of the best, as good as the one that beat the Dream Team in the 2004 Olympics. -However, my favourite was the one in the 1991 Pan American Games in Cuba, when we won gold and gave the US team a beating, which was quite similar to the time we won bronze at the World Cup. -That team not only again included Mincy, Gausse, Ramon Rivas, Fico López and 'Piculín' (Ortiz), but also the young (Javier) 'Toñito' Colón and James Carter, the Leon brothers (Francisco and Edgar) and Mario 'Quijote' Morales, who was kept out of the 90 team by a knee injury. -A team that maybe was not the best in terms of members, but which gave us a gold medal and was a great joy to work with, was the 1995 Pre-Olympic team in Neuquen, Argentina. -With role players such as 'Canito' Nieves, Pablo Alicea and the young Rolando Hourruitiner replacing the players suspended after the shambles of the Mar del Plata Pan-American Games, we won gold against all the odds. -Who was the best Puerto Rican player? -Without any doubt, Piculín Ortiz. -His numbers at international tournament level are awesome. -Nobody in Puerto Rico has dominated at that level like Piculín did. -Not to mention his career in the various leagues he played in. -Who was the best Puerto Rican manager? -That's a difficult one. -We had a very good team, including Julio Toro, Flor Melendez, Carlos Morales, Raymond Dalmau, Armandito Torres. -Of the youngsters, I really like the work of Leo Arill. -What do you consider your greatest achievement in the federation? -Having been part of the National Team's most glorious era between 1988 and 1995 and in the early 90s the BSN had up to 17 teams in a season. -What was there left for you to do? -There were things I'd have liked to implement, such as regionalising the minor leagues. -For example, the boys of Ponce only play in their area and only get to face teams from other parts of the island in the national playoffs. -Right now the kids are riding and playing too much, unnecessarily. -At least I see the fruit of compulsory certifications and a course for leaders, table officials and referees. -That pleases me. -What are you doing now? -The most I do is listen to music, watch music videos from my era on YouTube, enjoy my grandchildren and occasionally go to basketball games. -And of course, enjoy the company of my wife, Elizabeth, who has always been with me. -Actor Larry Hagman dies -Larry Hagman, born on 21 September 1931 in Fort Worth (Texas), became world famous for his role as John Ross Ewing, better known as "JR," in the television series "Dallas," in which he played a ruthless, malicious and manipulative businessman. -Larry Hagman, whose role as oil tycoon predator JR Ewing in the television series "Dallas" became a symbol of greed in the 1980s, has died. -He was 81. -Hagman, who returned this year as JR in a new season of "Dallas," died on Friday afternoon of cancer complications, according to a family statement provided to the Associated Press by the Warner Bros., producer of "Dallas." -"Larry was back in his beloved hometown of Dallas, once again representing the iconic role he most liked" the family said. -Larry's family and closest friends were with him in Dallas for the Thanksgiving Day holiday. -Linda Gray, who played his wife in the original series and the sequel, was with Hagman when he died in a hospital in Dallas, said her publicist, Jeffrey Lane. -He brought joy to all who knew him. -He was creative, generous, funny, loving and talented, and I will miss him dearly. -"He was an original guy and lived life to the full" said Gray in a statement. -Hagman was diagnosed with cirrhosis of the liver in 1992 and admitted that he had drunk a lot over the years. -In 1995 a malignant tumour as found in his liver and he underwent a transplant. -Years before "Dallas," Hagman became famous on television as a decent guy in the light comedy "I Dream of Jeannie," aired on NBC from 1965 to 1970. -He played Captain Tony Nelson, an astronaut whose life is changed when he meets an attractive genie, played by Barbara Eden, and takes her home to live with him. -He also starred in two sitcoms that were not aired for long, "The Good Life" (NBC, 1971-72) and "Here We Go Again" (ABC, 1973). -His film work included roles well received by critics in "The Group," "Harry and Tonto" and "Primary Colors." -But it was his masterful interpretation of delightfully detestable JR that led to Hagman reaching his peak of stardom. -The drama series on CBS about the Ewing clan and other characters in their orbit aired from April 1978 to May 1991. -The tagline "Who shot JR?," designed to generate hype around an episode full of emotions in which Hagman's character is nearly killed, generated international speculation and millions of risky dollars wagered in gaming establishments. -It also helped give the series a record audience at the time. -When the answer was revealed in an episode in November 1980, an average of 41 million viewers tuned in and made "Dallas" the second most watched entertainment programme in history, after the final episode of "MASH" in 1983, which had 50 million viewers. -It was JR's sister-in-law Kristin (played by Mary Crosby) who shot him. -JR got her pregnant then threatened to say she was a prostitute unless she left town, but there were others who also had reasons to attack him. -Hagman portrayed Ewing as a corrupt insatiable man with a charismatic smile: a dishonest entrepreneur and cheating husband who tried to have his alcoholic wife, Sue Ellen (Linda Gray), sectioned. -"I know what I want on JR's tombstone" Hagman said in 1988. -It should read: "Here lies the honest citizen JR Ewing." -This is the only deal he lost. -Victoria Principal, co-star of the original series, recalled Hagman on Friday as someone "huge, on and off screen." -He is unforgettable and irreplaceable, for millions of fans around the world, and in the hearts of each one of us who was fortunate enough to know and love him. -Ten episodes of the new edition of "Dallas" were broadcast a few months ago with great success for TNT. -He had already finished recording five episodes for the second series and a sixth was in process, the chain reported. -Immediately after, there was no statement from Warner or TNT about how the series would handle the loss of Hagman. -Hagman, born in Fort Worth, Texas, was the son of actress and singer Mary Martin, who starred in classics such as "South Pacific" and "Peter Pan." -Martin was still a teenager when she had him in 1931 during her marriage to lawyer Ben Hagman. -He tried his luck in the New York theatre scene in the early '50s, and later served in the Air Force from 1952 to 1956, in England. -While there, he met the young Swedish designer Maj Axelsson and married her. -The couple had two sons, Preston and Heidi, and lived for a long time in the Californian city Malibu, home to many celebrities. -In 2001, he called his memoirs "Hello Darlin': Tall (and Absolutely True) Tales About My Life." -"I didn't put anything in it that I believed would hurt anyone or affect them in any way" he told Associated Press at the time. -After his liver transplant, he became an organ donation promoter and worked as a volunteer at a hospital, helping fearful patients. -"I advise them, encourage them, meet with them when they come for their surgery, and afterwards" he said in 1996. -I try to offer some comfort, such as "Don't be afraid, it will be a little uncomfortable for a short time, but then you'll be fine." -He was also an anti-smoking activist and took part in several campaigns. -Start of a course that explores the "End of the World" -Each week, students explore apocalyptic themes such as nuclear war, zombies, viruses and germs, and global warming. -This term, when Professor of religion, Stuart Charmé, decided to give a course on the end of the world, he knew he had a compelling hook: The end of the "long countdown" of the Mayan calendar, 21 December, which had convinced many people that the end of the world was coming. -But Charmé had no idea what awaited him over the next couple of months: The cataclysmic hurricane Sandy, a fiscal precipice some called "debt Armageddon" and a growing conflict involving Israel, where end-of-the-world Christians theorists think the Apocalypse will begin. -"I didn't realise this was going to be the most apocalyptic term ever" said Charmé this week to students at Rutgers-Camden University (New Jersey). -If you look at what has been happening in the world today as if we were at 30 days and counting, this has been a really good period. -And remember that bad is good for those with an apocalyptic mentality. -And he is not the only professor who offers courses on the "end of the world" this term, theoretically the last in history. -At Temple, Associate Professor Barry Vacker is giving the course "Media, Culture and the end of the world." -Each week, students explore apocalyptic themes such as nuclear war, zombies, viruses and germs, and global warming. -"We looked at why these ideas proliferate over time" he said, and how they offer hypothetical scenarios that guide human behaviour. -If nuclear material falls into the hands of terrorists, for example, a war could break out. -This month students analysed movies with an apocalyptic theme and explored how they compare with real-life examples. -"I've tried to inform students about what is possible, probable, credible and impossible" said Vacker. -At the main Pennsylvania State University campus, Latin American History Professor Matthew Restall, and his colleague Amara Solari, an Associate Art History and Anthropology Professor, have teamed up to give a course, called simply "The end of the world." -"We don't add '2012' so we always have the option of running the course again, if the world doesn't come to an end" said Restall. -Despite the "impending doom," students have to study, undertake projects and take final exams. -At Penn State, the final exam will be taken on the eve of the Apocalypse, which leaves students no choice but to work "until the very night the world is supposed to end" said Restall. -The courses proved quite popular. -"It was fully booked within two hours" said Restall, on his course for students with high averages, which was filled with 35 students. -We received emails for weeks and weeks before the start of the term, from people asking if there were any places. -Students, meanwhile, say the course is one of the most interesting around. -"I find it fascinating to see what people do to console themselves" said Bridgid Robinson, a 23-year-old post-graduate Religion and Sociology student from Haddonfield, New Jersey, at Rutgers-Camden. -And the apocalyptic, secular or religious mentality is just a matter consolation or a lack of it. -Will Wekesa, a 25-year-old post-graduate Psychology and Nursing student, said he had seen all the apocalyptic movies. -"I'd never heard of a class that could teach it" he said. -I enjoy it. -But none of the students interviewed - much less any professor - said they believed in the end date of December 21st. -"Our first project was about the Mayan prophecy and to a certain extent we discredited it" said Julie Zeglen, a 21-year-old final year student at Temple, from West Chester. -The Mayans never predicted the end of the world: it is just a key point in the calendar, said Restall. -But he said that Western culture suffers from apocalyptic anxiety, which goes back several centuries, in which people react to changes around them by predicting the end of the world. -The Internet has caused a boom in these speculations. -"In other places, people don't think about it" he said. -It's mostly in the English-speaking world. -Joseph Dougherty, a Professor of religion at La Salle University, who is giving courses in the Philippines this year, responded quickly to the question of whether he knew about any courses on the "end of the world" there. -"The Philippines are not taking part in the end of the world" he wrote, suggesting an exception of a higher authority. -We have an indulgence from the Pope. -Restall noted that over the years there has been talk of many days of the last judgement, and said that if nothing happens on December 21st, "people will immediately start thinking of the next date" or philosophising that December 21st is the beginning of a seven-year period after which the world will end. -Students and teachers are taking the date lightly. -Some said they plan to go to "end of the world" parties. -"Maybe I'll call some friends so we can have a laugh together" said Samira Ford, 20-year-old communications student. diff --git a/tests/data/pred_real/valid.pred b/tests/data/pred_real/valid.pred deleted file mode 100644 index 3c51623f0fd8..000000000000 --- a/tests/data/pred_real/valid.pred +++ /dev/null @@ -1,100 +0,0 @@ -A Republican strategy to counter the re-election Obama -Republican leaders justified their policy the need to combat electoral fraud. -However, the Centre considers this a myth, stating that electoral fraud is rarer in the States than the number of people killed by -Indeed, Republican lawyers identified only 300 cases of electoral fraud in the United States in a decade. -One thing certain: these new provisions will have a negative impact on voter turn-out. -In this sense, the measures will partially undermine the American democratic system. -Unlike in Canada, the American States are responsible for the organisation of elections in the United States. -It is in this spirit that a of American governments have new laws since 2009 making the registration or voting more -This phenomenon gained momentum following the November 2010 elections, which saw 675 new Republican representatives added 26 States. -As a result, 180 bills restricting the exercise of the right to vote in 41 States were introduced in alone. -The new election laws require voters to show a photo ID card and proof of citizenship. -Furthermore, laws also reduce early voting periods, invalidate the right to register as a voter on election day and withdraw the right to vote of citizens with a criminal record. -Before the elections, no US State required voters to show a photo ID card. -Indiana was the first State to impose such a requirement. -In 2008, the Supreme Court of the United States the constitutionality of the Indiana law. -The Republican authorities were quick to extend this practice to other States. -Over the past two years, they sponsored bills in States to force voters to show a photo ID card. -It is to note that, unlike Quebec, American citizens do not have a universal ID card such as the health insurance card. -In fact, 11% of American citizens, i.e. 21 million people of voting age, do possess a photo ID card issued by a government agency of their -In addition, five million new voters in do not have such -And it often costs over a hundred dollars to obtain the required identity card. -The new restrictions disproportionately affect young people, minorities and people with low incomes. -In fact, 25% of Americans, of those earning less than $35,000; 18% of citizens over 65 and 20% of voters 18 to 29 years do not the required photo ID card. -And that's not all. -Students, voters considered to be voting more Democratic candidates, are not allowed in several States to use the photo ID card issued by their institution. -On the other hand, these same allow fishing or hunting club members, who vote more Republican, to use the cards issued by these clubs when they vote. -Prior to no State required proof of citizenship to vote. -Arizona was the first to introduce such a requirement. -Since 2011, a dozen States have adopted laws requiring voters to prove they are citizens. -These measures are intended to limit the Hispanic vote. -However, it appears that two out of three Hispanic voters favour the Democratic party. -What is more, in 2011 Republican legislators sponsored laws abolishing the registration of on in eight States. -In addition, they limited the right of individuals and groups to provide assistance to voters wishing to register. -These restrictions are not without consequence. -For example, the 2004 general election, voter campaigns contributed to registering around 10 million -However, the measures adopted since 2009 have led a 17% drop in the registration rate of new voters 2010 compared to 2006. -In addition, Republican legislators have enacted laws in five other States at reducing early voting period. -For example, during the 2008 general in Florida, 33% of early voters were African-Americans, who accounted however for only 13% voters in the State. -The same applied to Hispanics. -These represented only 11% of voters, but 24% of citizens who voted early. -On the other hand, 76% of voters were white but these represented only 46% of early voters. -Of course, Democratic legislators and their supporters vigorously opposed the adoption of laws restricting voter registration. -Several bills were blocked by vetoes of Democratic governors. -The United States Attorney General intervened to suspend the most controversial laws. -They were able to partially limit the damage. -For example, only 16 out of 34 States have adopted laws requiring the presentation of a ID card. -However, the new rules put in place will make it more difficult to exercise the right to vote in 2012. -Democratic critics denounce the partisan character of the laws that have been passed and they see a clear objective of influencing the results in key States. -A 2011 Brennan Centre report shows that the States that have adopted these laws represent 171 of the 270 needed in the electoral to win the Presidency. -It is too early to say with certainty that these changes in the electoral system will have significant impacts on the the 2012 presidential elections. -But thing is certain: these new provisions will have a negative the turn-out. -In this sense, the measures will partially undermine the American democratic system. -Prostate cancer screening: take the test or not? -Indeed, the PSA test sometimes shows erroneous results false negative or even false positive results, which involve unnecessary medical interventions. -Enough to make reluctant men to take screening tests. -Take the test or not? -We asked two specialists for their opinion. -In studies conducted in the United States, there was a lot of contamination between control groups, so it is to interpret the data and make firm recommendations. -Another study, this time a European one, concluded that there a in mortality between patients who screened and those who were not. -This study also showed, with follow-up after 12 years, that it is 30 and 40% more likely for metastases to occur in absence of screening. -I therefore recommend the test from age 50, or 40 if you have a direct relative who previously had prostate cancer. -African-American men are also more at risk. -The key is to the right decision once cancer has been detected. -are aggressive cancers and others that are indolent. -The patient really needs to be made to understand the degree of risk of his cancer, by offering him the available, not treating prostate cancers that are not long-term life threatening, and opting instead, in such cases, for active monitoring of the disease. -Today, many men whom cancer has been detected will not be treated because their cancer is not aggressive and is not life threatening. -Active monitoring will be suggested, and if the disease progresses, they will be offered treatment. -More and more, specific criteria are being determined in order to decide who should or should not treated. -Therefore I recommend taking the test. -But the important is to have a discussion with your doctor to determine whether or not to take it. -In collaboration with the Société internationale d'urologie [SIU], Movember has created a tool that makes it possible evaluate the pros and cons of the PSA test. -You can download the document (in for time being, a [French] translation will be available at this address: http://ca.movember.com/fr/mens-health/prostate-cancer-screening -Preventing the disease -Unfortunately, there is no miracle for preventing cancer. -Despite the progress in research, the adoption of healthy living habits remains the best way to the risk of suffering from it. -It estimated that if everyone ate well and exercised enough, 30% of cancers could be prevented. -"If no more people smoked, this rate increase to at least 50%," says André Beaulieu, spokesman for the Canadian Cancer Society. -On the other hand, it is estimated that roughly 10% of cancers are hereditary. -Some are also completely unexplained. -For Canadian Cancer Society, the fight against tobacco remains a despite the decrease in the number of smokers. -Cigarettes are linked to 85% of lung cancer cases. -It is also a risk factor for a number of -This massively damages people's health. -"Even today, there are 1.5 million Quebec" deplores spokesperson André Beaulieu. -Encouraging data: 10 years after giving up smoking, the risk of dying from cancer drops by half. -Weight -Overweight and obesity are also conducive to the onset of the disease, according to the SCC. -They can increase the risks cancer of the breast, colon and rectum, oesophagus, pancreas and uterus. -"Research shows that the regular practice of physical activity throughout your life protects against colon cancer" it is also said. -Diet -The organisation also recommends limiting your consumption of red meat. -In large amounts, it increases the risks of developing colo-rectal cancer. -Likewise, so do cured meat products, and these should be avoided. -The conservation meat by drying or can cause the formation of carcinogens. -"They can damage cells the body and lead to the development of cancer" it explained. -Vitamins -In recent a number of scientists have studied the links between vitamin supplements and cancer. -For the time being however their research is inconclusive. -Studies on vitamin E are contradictory, according to the SCC. -While one noted a decrease in the risk of prostate cancer, another noted an increase. diff --git a/tests/data/pred_real/valid.real b/tests/data/pred_real/valid.real deleted file mode 100644 index 327d64c29c6d..000000000000 --- a/tests/data/pred_real/valid.real +++ /dev/null @@ -1,100 +0,0 @@ -A Republican strategy to counter the re-election of Obama -Republican leaders justified their policy by the need to combat electoral fraud. -However, the Brennan Centre considers this a myth, stating that electoral fraud is rarer in the United States than the number of people killed by lightning. -Indeed, Republican lawyers identified only 300 cases of electoral fraud in the United States in a decade. -One thing is certain: these new provisions will have a negative impact on voter turn-out. -In this sense, the measures will partially undermine the American democratic system. -Unlike in Canada, the American States are responsible for the organisation of federal elections in the United States. -It is in this spirit that a majority of American governments have passed new laws since 2009 making the registration or voting process more difficult. -This phenomenon gained momentum following the November 2010 elections, which saw 675 new Republican representatives added in 26 States. -As a result, 180 bills restricting the exercise of the right to vote in 41 States were introduced in 2011 alone. -The new election laws require voters to show a photo ID card and proof of US citizenship. -Furthermore, these laws also reduce early voting periods, invalidate the right to register as a voter on election day and withdraw the right to vote of citizens with a criminal record. -Before the 2006 elections, no US State required voters to show a photo ID card. -Indiana was the first State to impose such a requirement. -In 2008, the Supreme Court of the United States upheld the constitutionality of the Indiana law. -The Republican authorities were quick to extend this practice to other States. -Over the past two years, they sponsored bills in 34 States to force voters to show a photo ID card. -It is important to note that, unlike Quebec, American citizens do not have a universal ID card such as the health insurance card. -In fact, 11% of American citizens, i.e. 21 million people of voting age, do not possess a photo ID card issued by a government agency of their State. -In addition, five million new voters in 2012 do not have such identification. -And it often costs over a hundred dollars to obtain the required identity card. -The new restrictions disproportionately affect young people, minorities and people with low incomes. -In fact, 25% of African Americans, 15% of those earning less than $35,000; 18% of citizens over 65 and 20% of voters 18 to 29 years old do not have the required photo ID card. -And that's not all. -Students, voters considered to be voting more for Democratic candidates, are not allowed in several States to use the photo ID card issued by their institution. -On the other hand, these same States allow fishing or hunting club members, who vote more Republican, to use the cards issued by these clubs when they vote. -Prior to 2004, no State required proof of citizenship to vote. -Arizona was the first to introduce such a requirement. -Since 2011, a dozen States have adopted laws requiring voters to prove they are American citizens. -These measures are clearly intended to limit the Hispanic vote. -However, it appears that two out of three Hispanic voters favour the Democratic party. -What is more, in 2011 Republican legislators sponsored laws abolishing the registration of voters on election day in eight States. -In addition, they limited the right of individuals and groups to provide assistance to voters wishing to register. -These restrictions are not without consequence. -For example, during the 2004 general election, voter registration campaigns contributed to registering around 10 million citizens. -However, the measures adopted since 2009 have led to a 17% drop in the registration rate of new voters in 2010 compared to 2006. -In addition, Republican legislators have enacted laws in five other States aimed at reducing the early voting period. -For example, during the 2008 general election in Florida, 33% of early voters were African-Americans, who accounted however for only 13% of voters in the State. -The same applied to Hispanics. -These represented only 11% of voters, but 24% of citizens who voted early. -On the other hand, 76% of voters were white but these represented only 46% of early voters. -Of course, Democratic legislators and their supporters vigorously opposed the adoption of laws restricting voter registration. -Several bills were blocked by vetoes of Democratic governors. -The United States Attorney General intervened to suspend the most controversial laws. -They were able to partially limit the damage. -For example, only 16 out of 34 States have adopted laws requiring the presentation of a photo ID card. -However, the new rules put in place will undoubtedly make it more difficult to exercise the right to vote in 2012. -Democratic critics denounce the partisan character of the laws that have been passed and they see a clear objective of influencing the 2012 results in key States. -A 2011 Brennan Centre report shows that the States that have adopted these laws represent 171 of the 270 votes needed in the electoral college to win the Presidency. -It is too early to say with certainty that these legislative changes in the electoral system will have significant impacts on the outcome of the 2012 presidential elections. -But one thing is certain: these new provisions will have a negative impact on the turn-out. -In this sense, the measures will partially undermine the American democratic system. -Prostate cancer screening: take the test or not? -Indeed, the PSA test sometimes shows erroneous results with false negative or even false positive results, which involve unnecessary medical interventions. -Enough to make already reluctant men hesitate to take screening tests. -Take the test or not? -We asked two specialists for their opinion. -In studies conducted in the United States, there was a lot of contamination between control groups, so it is difficult to interpret the data and make firm recommendations. -Another study, this time a European one, concluded that there was a difference in mortality between patients who were screened and those who were not. -This study also showed, with a follow-up after 12 years, that it is between 30 and 40% more likely for metastases to occur in the absence of screening. -I therefore recommend the test from age 50, or 40 if you have a direct relative who previously had prostate cancer. -African-American men are also more at risk. -The key is to make the right decision once cancer has been detected. -There are aggressive cancers and others that are indolent. -The patient really needs to be made to understand the degree of risk of his cancer, by offering him the options available, not necessarily treating prostate cancers that are not long-term life threatening, and opting instead, in such cases, for active monitoring of the disease. -Today, many men in whom cancer has been detected will not be treated because their cancer is not aggressive and is not life threatening. -Active monitoring will be suggested, and if the disease progresses, they will be offered treatment. -More and more, specific criteria are being determined in order to decide who should or should not be treated. -Therefore I recommend taking the test. -But the important thing is to have a discussion with your doctor to determine whether or not to take it. -In collaboration with the Société internationale d'urologie [SIU], Movember has created a tool that makes it possible to evaluate the pros and cons of the PSA test. -You can download the document (in English for the time being, a [French] translation will be available shortly) at this address: http://ca.movember.com/fr/mens-health/prostate-cancer-screening -Preventing the disease -Unfortunately, there is no miracle recipe for preventing cancer. -Despite the progress in research, the adoption of healthy living habits remains the best way to reduce the risk of suffering from it. -It is estimated that if everyone ate well and exercised enough, 30% of cancers could be prevented. -"If no more people smoked, this rate would increase to at least 50%," says André Beaulieu, spokesman for the Canadian Cancer Society. -On the other hand, it is estimated that roughly 10% of cancers are hereditary. -Some are also completely unexplained. -For the Canadian Cancer Society, the fight against tobacco remains a priority, despite the decrease in the number of smokers. -Cigarettes are linked to 85% of lung cancer cases. -It is also a risk factor for a number of others. -This massively damages people's health. -"Even today, there are 1.5 million smokers in Quebec" deplores spokesperson André Beaulieu. -Encouraging data: 10 years after giving up smoking, the risk of dying from cancer drops by half. -Weight -Overweight and obesity are also conducive to the onset of the disease, according to the SCC. -They can increase the risks of cancer of the breast, colon and rectum, oesophagus, pancreas and uterus. -"Research shows that the regular practice of physical activity throughout your life protects against colon cancer" it is also said. -Diet -The organisation also recommends limiting your consumption of red meat. -In large amounts, it increases the risks of developing colo-rectal cancer. -Likewise, so do cured meat products, and these should be avoided. -The conservation of meat by smoking, drying or curing can cause the formation of carcinogens. -"They can damage cells in the body and lead to the development of cancer" it is explained. -Vitamins -In recent years, a number of scientists have studied the links between vitamin supplements and cancer. -For the time being however their research is inconclusive. -Studies on vitamin E are contradictory, according to the SCC. -While one study noted a decrease in the risk of prostate cancer, another noted an increase. diff --git a/tests/nlp/test_squad.py b/tests/nlp/test_squad.py index 8d1c460798ca..69f1b990fb39 100644 --- a/tests/nlp/test_squad.py +++ b/tests/nlp/test_squad.py @@ -24,266 +24,21 @@ import nemo import nemo.collections.nlp as nemo_nlp -import nemo.collections.nlp.nm.data_layers.qa_squad_datalayer -import nemo.collections.nlp.nm.trainables.common.token_classification_nm -from nemo.collections.nlp.callbacks.qa_squad_callback import eval_epochs_done_callback, eval_iter_callback -from nemo.utils.lr_policies import get_lr_policy from tests.common_setup import NeMoUnitTest logging = nemo.logging class TestSquad(NeMoUnitTest): - @classmethod - def setUpClass(cls) -> None: - super().setUpClass() - data_folder = os.path.abspath(os.path.join(os.path.dirname(__file__), "../data/nlp/squad")) - squad_v1_folder = os.path.join(data_folder, "v1.1") - for f in os.listdir(squad_v1_folder): - ff = os.path.join(squad_v1_folder, f) - if f.startswith("cache"): - logging.info(f"remove {ff}") - os.remove(ff) - squad_v2_folder = os.path.join(data_folder, "v1.1") - for f in os.listdir(squad_v2_folder): - ff = os.path.join(squad_v1_folder, f) - if f.startswith("cache"): - logging.info(f"remove {ff}") - os.remove(ff) - - @classmethod - def tearDownClass(cls) -> None: - super().tearDownClass() - data_folder = os.path.abspath(os.path.join(os.path.dirname(__file__), "../data/nlp/squad")) - squad_v1_folder = os.path.join(data_folder, "v1.1") - for f in os.listdir(squad_v1_folder): - ff = os.path.join(squad_v1_folder, f) - if f.startswith("cache"): - logging.info(f"remove {ff}") - os.remove(ff) - squad_v2_folder = os.path.join(data_folder, "v1.1") - for f in os.listdir(squad_v2_folder): - ff = os.path.join(squad_v1_folder, f) - if f.startswith("cache"): - logging.info(f"remove {ff}") - os.remove(ff) - - def test_squad_v1(self): - version_2_with_negative = False - pretrained_bert_model = 'bert-base-uncased' - batch_size = 3 - data_dir = os.path.abspath(os.path.join(os.path.dirname(__file__), '../data/nlp/squad/v1.1')) - max_query_length = 64 - max_seq_length = 384 - doc_stride = 128 - max_steps = 100 - lr_warmup_proportion = 0 - eval_step_freq = 50 - lr = 3e-6 - do_lower_case = True - n_best_size = 5 - max_answer_length = 20 - null_score_diff_threshold = 0.0 - - tokenizer = nemo_nlp.data.NemoBertTokenizer(pretrained_bert_model) - neural_factory = nemo.core.NeuralModuleFactory( - backend=nemo.core.Backend.PyTorch, local_rank=None, create_tb_writer=False - ) - model = nemo.collections.nlp.nm.trainables.common.huggingface.BERT(pretrained_model_name=pretrained_bert_model) - hidden_size = model.hidden_size - qa_head = nemo.collections.nlp.nm.trainables.common.token_classification_nm.TokenClassifier( - hidden_size=hidden_size, num_classes=2, num_layers=1, log_softmax=False - ) - squad_loss = nemo_nlp.nm.losses.QuestionAnsweringLoss() - - data_layer = nemo.collections.nlp.nm.data_layers.qa_squad_datalayer.BertQuestionAnsweringDataLayer( - mode='train', - version_2_with_negative=version_2_with_negative, - batch_size=batch_size, - tokenizer=tokenizer, - data_dir=data_dir, - max_query_length=max_query_length, - max_seq_length=max_seq_length, - doc_stride=doc_stride, - ) - - (input_ids, input_type_ids, input_mask, start_positions, end_positions, _) = data_layer() - - hidden_states = model(input_ids=input_ids, token_type_ids=input_type_ids, attention_mask=input_mask) - - qa_output = qa_head(hidden_states=hidden_states) - loss, _, _ = squad_loss(logits=qa_output, start_positions=start_positions, end_positions=end_positions) - - data_layer_eval = nemo.collections.nlp.nm.data_layers.qa_squad_datalayer.BertQuestionAnsweringDataLayer( - mode='dev', - version_2_with_negative=version_2_with_negative, - batch_size=batch_size, - tokenizer=tokenizer, - data_dir=data_dir, - max_query_length=max_query_length, - max_seq_length=max_seq_length, - doc_stride=doc_stride, - ) - ( - input_ids_eval, - input_type_ids_eval, - input_mask_eval, - start_positions_eval, - end_positions_eval, - unique_ids_eval, - ) = data_layer_eval() - - hidden_states_eval = model( - input_ids=input_ids_eval, token_type_ids=input_type_ids_eval, attention_mask=input_mask_eval - ) - - qa_output_eval = qa_head(hidden_states=hidden_states_eval) - _, start_logits_eval, end_logits_eval = squad_loss( - logits=qa_output_eval, start_positions=start_positions_eval, end_positions=end_positions_eval - ) - eval_output = [start_logits_eval, end_logits_eval, unique_ids_eval] - - callback_train = nemo.core.SimpleLossLoggerCallback( - tensors=[loss], - print_func=lambda x: print("Loss: {:.3f}".format(x[0].item())), - get_tb_values=lambda x: [["loss", x[0]]], - step_freq=10, - tb_writer=neural_factory.tb_writer, - ) - - callbacks_eval = nemo.core.EvaluatorCallback( - eval_tensors=eval_output, - user_iter_callback=lambda x, y: eval_iter_callback(x, y), - user_epochs_done_callback=lambda x: eval_epochs_done_callback( - x, - eval_data_layer=data_layer_eval, - do_lower_case=do_lower_case, - n_best_size=n_best_size, - max_answer_length=max_answer_length, - version_2_with_negative=version_2_with_negative, - null_score_diff_threshold=null_score_diff_threshold, - ), - tb_writer=neural_factory.tb_writer, - eval_step=eval_step_freq, - ) - - lr_policy_fn = get_lr_policy('WarmupAnnealing', total_steps=max_steps, warmup_ratio=lr_warmup_proportion) - - neural_factory.train( - tensors_to_optimize=[loss], - callbacks=[callback_train, callbacks_eval], - lr_policy=lr_policy_fn, - optimizer='adam_w', - optimization_params={"max_steps": max_steps, "lr": lr}, - ) - - def test_squad_v2(self): - version_2_with_negative = True + def test_setup_squad(self): pretrained_bert_model = 'bert-base-uncased' - batch_size = 3 - data_dir = os.path.abspath(os.path.join(os.path.dirname(__file__), '../data/nlp/squad/v2.0')) - max_query_length = 64 - max_seq_length = 384 - doc_stride = 128 - max_steps = 100 - lr_warmup_proportion = 0 - eval_step_freq = 50 - lr = 3e-6 - do_lower_case = True - n_best_size = 5 - max_answer_length = 20 - null_score_diff_threshold = 0.0 - tokenizer = nemo_nlp.data.NemoBertTokenizer(pretrained_bert_model) neural_factory = nemo.core.NeuralModuleFactory( backend=nemo.core.Backend.PyTorch, local_rank=None, create_tb_writer=False ) - model = nemo.collections.nlp.nm.trainables.common.huggingface.BERT(pretrained_model_name=pretrained_bert_model) - + model = nemo_nlp.nm.trainables.huggingface.BERT(pretrained_model_name=pretrained_bert_model) hidden_size = model.hidden_size - - qa_head = nemo.collections.nlp.nm.trainables.common.token_classification_nm.TokenClassifier( + qa_head = nemo_nlp.nm.trainables.token_classification_nm.TokenClassifier( hidden_size=hidden_size, num_classes=2, num_layers=1, log_softmax=False ) squad_loss = nemo_nlp.nm.losses.QuestionAnsweringLoss() - - data_layer = nemo.collections.nlp.nm.data_layers.qa_squad_datalayer.BertQuestionAnsweringDataLayer( - mode='train', - version_2_with_negative=version_2_with_negative, - batch_size=batch_size, - tokenizer=tokenizer, - data_dir=data_dir, - max_query_length=max_query_length, - max_seq_length=max_seq_length, - doc_stride=doc_stride, - ) - - (input_ids, input_type_ids, input_mask, start_positions, end_positions, _) = data_layer() - - hidden_states = model(input_ids=input_ids, token_type_ids=input_type_ids, attention_mask=input_mask) - - qa_output = qa_head(hidden_states=hidden_states) - loss, _, _ = squad_loss(logits=qa_output, start_positions=start_positions, end_positions=end_positions) - - data_layer_eval = nemo.collections.nlp.nm.data_layers.qa_squad_datalayer.BertQuestionAnsweringDataLayer( - mode='dev', - version_2_with_negative=version_2_with_negative, - batch_size=batch_size, - tokenizer=tokenizer, - data_dir=data_dir, - max_query_length=max_query_length, - max_seq_length=max_seq_length, - doc_stride=doc_stride, - ) - ( - input_ids_eval, - input_type_ids_eval, - input_mask_eval, - start_positions_eval, - end_positions_eval, - unique_ids_eval, - ) = data_layer_eval() - - hidden_states_eval = model( - input_ids=input_ids_eval, token_type_ids=input_type_ids_eval, attention_mask=input_mask_eval - ) - - qa_output_eval = qa_head(hidden_states=hidden_states_eval) - _, start_logits_eval, end_logits_eval = squad_loss( - logits=qa_output_eval, start_positions=start_positions_eval, end_positions=end_positions_eval - ) - eval_output = [start_logits_eval, end_logits_eval, unique_ids_eval] - - callback_train = nemo.core.SimpleLossLoggerCallback( - tensors=[loss], - print_func=lambda x: print("Loss: {:.3f}".format(x[0].item())), - get_tb_values=lambda x: [["loss", x[0]]], - step_freq=10, - tb_writer=neural_factory.tb_writer, - ) - - callbacks_eval = nemo.core.EvaluatorCallback( - eval_tensors=eval_output, - user_iter_callback=lambda x, y: eval_iter_callback(x, y), - user_epochs_done_callback=lambda x: eval_epochs_done_callback( - x, - eval_data_layer=data_layer_eval, - do_lower_case=do_lower_case, - n_best_size=n_best_size, - max_answer_length=max_answer_length, - version_2_with_negative=version_2_with_negative, - null_score_diff_threshold=null_score_diff_threshold, - ), - tb_writer=neural_factory.tb_writer, - eval_step=eval_step_freq, - ) - - lr_policy_fn = get_lr_policy('WarmupAnnealing', total_steps=max_steps, warmup_ratio=lr_warmup_proportion) - - neural_factory.train( - tensors_to_optimize=[loss], - callbacks=[callback_train, callbacks_eval], - lr_policy=lr_policy_fn, - optimizer='adam_w', - optimization_params={"max_steps": max_steps, "lr": lr}, - )